2137 lines (2136 with data), 282.9 kB
{
"cells": [
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/site-packages/pandas/core/arrays/masked.py:60: UserWarning: Pandas requires version '1.3.6' or newer of 'bottleneck' (version '1.3.5' currently installed).\n",
" from pandas.core import (\n"
]
}
],
"source": [
"import pandas as pd\n",
"from sklearn.model_selection import train_test_split\n",
"import matplotlib.pyplot as plt\n",
"import seaborn as sns\n",
"import numpy as np\n",
"from sklearn.preprocessing import MinMaxScaler\n",
"from sklearn.preprocessing import PolynomialFeatures\n",
"import lightgbm as lgb\n",
"from sklearn.metrics import accuracy_score\n",
"\n",
"def load_data(path):\n",
" df = pd.read_csv(path)\n",
" train_df, test_df = train_test_split(df, test_size=0.35, random_state=42)\n",
" train_df, val_df, = train_test_split(train_df, test_size=0.20, random_state=42)\n",
" train_df = train_df.drop(['id'], axis=1).drop_duplicates().reset_index(drop=True)\n",
" test_df = test_df.drop(['id'], axis=1).drop_duplicates().reset_index(drop=True)\n",
" val_df = val_df.drop(['id'], axis=1).drop_duplicates().reset_index(drop=True)\n",
" return train_df, val_df, test_df\n",
"\n",
"def encode_target(train):\n",
" target_key = {'Insufficient_Weight': 0, 'Normal_Weight': 1, 'Overweight_Level_I': 2, 'Overweight_Level_II': 3, 'Obesity_Type_I': 4,'Obesity_Type_II' : 5, 'Obesity_Type_III': 6}\n",
" train['NObeyesdad'] = train['NObeyesdad'].map(target_key)\n",
" return train\n",
"\n",
"def make_gender_binary(train):\n",
" train['Gender'] = train['Gender'].map({'Male':0, 'Female':1})\n",
"\n",
"def datatypes(train):\n",
" train['Weight'] = train['Weight'].astype(float)\n",
" train['Age'] = train['Age'].astype(float)\n",
" train['Height'] = train['Height'].astype(float)\n",
" return train\n",
"\n",
"def age_binning(train_df):\n",
" train_df['Age_Group'] = pd.cut(train_df['Age'], bins=[0, 20, 30, 40, 50, train_df['Age'].max()], labels=['0-20', '21-30', '31-40', '41-50', '50+'])\n",
" return train_df\n",
"\n",
"def age_scaling_log(train_df):\n",
" train_df['Age'] = train_df['Age'].astype(float)\n",
" train_df['Log_Age'] = np.log1p(train_df['Age'])\n",
" return train_df\n",
"\n",
"def age_scaling_minmax(train_df):\n",
" train_df['Age'] = train_df['Age'].astype(float)\n",
" scaler_age = MinMaxScaler()\n",
" train_df['Scaled_Age'] = scaler_age.fit_transform(train_df['Age'].values.reshape(-1, 1))\n",
" return train_df, scaler_age\n",
"\n",
"def weight_scaling_log(train_df):\n",
" train_df['Weight'] = train_df['Weight'].astype(float)\n",
" train_df['Log_Weight'] = np.log1p(train_df['Weight'])\n",
" return train_df\n",
"\n",
"def weight_scaling_minmax(train_df):\n",
" train_df['Weight'] = train_df['Weight'].astype(float)\n",
" scaler_weight = MinMaxScaler()\n",
" train_df['Scaled_Weight'] = scaler_weight.fit_transform(train_df['Weight'].values.reshape(-1, 1))\n",
" return train_df, scaler_weight\n",
"\n",
"def height_scaling_log(train_df):\n",
" train_df['Log_Height'] = np.log1p(train_df['Height'])\n",
" return train_df\n",
"\n",
"def height_scaling_minmax(train_df):\n",
" scaler_height = MinMaxScaler()\n",
" train_df['Scaled_Height'] = scaler_height.fit_transform(train_df['Height'].values.reshape(-1, 1))\n",
" return train_df, scaler_height\n",
"\n",
"def make_gender_binary(train):\n",
" train['Gender'] = train['Gender'].map({'Female':1, 'Male':0})\n",
" return train\n",
"\n",
"def fix_binary_columns(train):\n",
" Binary_Cols = ['family_history_with_overweight','FAVC', 'SCC','SMOKE']\n",
" # if yes then 1 else 0\n",
" for col in Binary_Cols:\n",
" train[col] = train[col].map({'yes': 1, 'no': 0})\n",
" return train\n",
"\n",
"def freq_cat_cols(train):\n",
" # One hot encoding\n",
" cat_cols = ['CAEC', 'CALC']\n",
" for col in cat_cols:\n",
" train[col] = train[col].map({'no': 0, 'Sometimes': 1, 'Frequently': 2, 'Always': 3})\n",
" return train\n",
"\n",
"def Mtrans(train):\n",
" \"\"\"\n",
" Public_Transportation 8692\n",
" Automobile 1835\n",
" Walking 231\n",
" Motorbike 19\n",
" Bike 16\n",
" \"\"\"\n",
" # train['MTRANS'] = train['MTRANS'].map({'Public_Transportation': 3, 'Automobile': 5, 'Walking': 1, 'Motorbike': 4, 'Bike': 2})\n",
" # dummify column\n",
" train = pd.get_dummies(train, columns=['MTRANS'])\n",
" return train\n",
"\n",
"\n",
"def other_features(train):\n",
" train['BMI'] = train['Weight'] / (train['Height'] ** 2)\n",
" # train['Age'*'Gender'] = train['Age'] * train['Gender']\n",
" polynomial_features = PolynomialFeatures(degree=2)\n",
" X_poly = polynomial_features.fit_transform(train[['Age', 'BMI']])\n",
" poly_features_df = pd.DataFrame(X_poly, columns=['Age^2', 'Age^3', 'BMI^2', 'Age * BMI', 'Age * BMI^2', 'Age^2 * BMI^2'])\n",
" train = pd.concat([train, poly_features_df], axis=1)\n",
" return train\n",
"\n",
"\n",
"def test_pipeline(test, scaler_age, scaler_weight, scaler_height):\n",
" test = datatypes(test)\n",
" test = encode_target(test)\n",
" test = age_binning(test)\n",
" test = age_scaling_log(test)\n",
" test['Scaled_Age'] = scaler_age.transform(test['Age'].values.reshape(-1, 1))\n",
" test = weight_scaling_log(test)\n",
" test['Scaled_Weight'] = scaler_weight.transform(test['Weight'].values.reshape(-1, 1))\n",
" test = height_scaling_log(test)\n",
" test['Scaled_Height'] = scaler_height.transform(test['Height'].values.reshape(-1, 1))\n",
" test = make_gender_binary(test)\n",
" test = fix_binary_columns(test)\n",
" test = freq_cat_cols(test)\n",
" test = Mtrans(test)\n",
" test = other_features(test)\n",
"\n",
" return test\n",
"\n",
"def train_model(params, X_train, y_train):\n",
" lgb_train = lgb.Dataset(X_train, y_train)\n",
" model = lgb.train(params, lgb_train, num_boost_round=1000)\n",
" return model\n",
"\n",
"def evaluate_model(model, X_val, y_val):\n",
" y_pred = model.predict(X_val)\n",
" y_pred = [np.argmax(y) for y in y_pred]\n",
" accuracy = accuracy_score(y_val, y_pred)\n",
" return accuracy\n",
"\n",
"def objective(trial, X_train, y_train):\n",
" params = {\n",
" 'objective': 'multiclass',\n",
" 'num_class': 7,\n",
" 'metric': 'multi_logloss',\n",
" 'boosting_type': 'gbdt',\n",
" 'learning_rate': trial.suggest_loguniform('learning_rate', 0.005, 0.5),\n",
" 'num_leaves': trial.suggest_int('num_leaves', 10, 1000),\n",
" 'max_depth': trial.suggest_int('max_depth', -1, 20),\n",
" 'bagging_fraction': trial.suggest_uniform('bagging_fraction', 0.6, 0.95),\n",
" 'feature_fraction': trial.suggest_uniform('feature_fraction', 0.6, 0.95),\n",
" 'verbosity': -1\n",
" }\n",
"\n",
" n_splits = 5\n",
" kf = StratifiedKFold(n_splits=n_splits, shuffle=True, random_state=42)\n",
" scores = []\n",
"\n",
" for train_index, val_index in kf.split(X_train, y_train):\n",
" X_tr, X_val = X_train.iloc[train_index], X_train.iloc[val_index]\n",
" y_tr, y_val = y_train.iloc[train_index], y_train.iloc[val_index]\n",
"\n",
" model = train_model(params, X_tr, y_tr)\n",
" accuracy = evaluate_model(model, X_val, y_val)\n",
" scores.append(accuracy)\n",
"\n",
" return np.mean(scores)\n",
"\n",
"def optimize_hyperparameters(X_train, y_train, n_trials=2):\n",
" study = optuna.create_study(direction='maximize')\n",
" study.optimize(lambda trial: objective(trial, X_train, y_train), n_trials=n_trials)\n",
" return study.best_params\n",
"\n",
"\n",
"path = '/Users/arham/Downloads/Projects/01-Dataset/01-Data-for-model-building/train.csv'\n",
"train_df, val_df, test_df = load_data(path)\n",
"\n",
"train_df = datatypes(train_df)\n",
"train_df = encode_target(train_df)\n",
"train_df = age_binning(train_df)\n",
"train_df, scaler_age = age_scaling_minmax(train_df)\n",
"train_df = age_scaling_log(train_df)\n",
"train_df, scaler_weight = weight_scaling_minmax(train_df)\n",
"train_df = weight_scaling_log(train_df)\n",
"train_df, scaler_height = height_scaling_minmax(train_df)\n",
"train_df = height_scaling_log(train_df)\n",
"train_df = make_gender_binary(train_df)\n",
"train_df = fix_binary_columns(train_df)\n",
"train_df = freq_cat_cols(train_df)\n",
"train_df = Mtrans(train_df)\n",
"train_df = other_features(train_df)\n",
"\n",
"val_df = test_pipeline(val_df, scaler_age, scaler_weight, scaler_height)\n",
"test_df = test_pipeline(test_df, scaler_age, scaler_weight, scaler_height)\n",
"\n",
"Target = 'NObeyesdad'\n",
"features = train_df.columns.drop(Target)\n",
"\n",
"features = ['Gender', 'Age', 'Height', 'Weight', 'family_history_with_overweight',\n",
" 'FAVC', 'FCVC', 'NCP', 'CAEC', 'SMOKE', 'CH2O', 'SCC', 'FAF', 'TUE',\n",
" 'CALC', 'Age_Group', \n",
" 'MTRANS_Automobile', 'MTRANS_Bike', 'MTRANS_Motorbike',\n",
" 'MTRANS_Public_Transportation', 'MTRANS_Walking', 'BMI', 'Age^2',\n",
" 'Age^3', 'BMI^2', 'Age * BMI', 'Age * BMI^2', 'Age^2 * BMI^2'] \n",
"#'Scaled_Age', 'Log_Age', 'Scaled_Weight', 'Log_Weight', 'Scaled_Height', 'Log_Height',\n",
"\n",
"X_train = train_df[features]\n",
"y_train = train_df[Target]\n",
"X_val = val_df[features]\n",
"y_val = val_df[Target]\n",
"X_test = test_df[features]\n",
"y_test = test_df[Target]\n",
"\n",
"#combine X_train and y_train as one dataframe\n",
"tr = pd.concat([X_train, y_train], axis=1)\n",
"te = pd.concat([X_test, y_test], axis =1)\n",
"va = pd.concat([X_val, y_val], axis = 1)"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Collecting autoxgb\n",
" Using cached autoxgb-0.2.2-py3-none-any.whl.metadata (6.2 kB)\n",
"Collecting fastapi==0.70.0 (from autoxgb)\n",
" Using cached fastapi-0.70.0-py3-none-any.whl.metadata (23 kB)\n",
"Collecting loguru==0.5.3 (from autoxgb)\n",
" Using cached loguru-0.5.3-py3-none-any.whl.metadata (21 kB)\n",
"Collecting numpy==1.21.3 (from autoxgb)\n",
" Using cached numpy-1.21.3-cp310-cp310-macosx_11_0_arm64.whl.metadata (2.1 kB)\n",
"Collecting optuna==2.10.0 (from autoxgb)\n",
" Using cached optuna-2.10.0-py3-none-any.whl.metadata (15 kB)\n",
"Collecting pyarrow==6.0.0 (from autoxgb)\n",
" Using cached pyarrow-6.0.0-cp310-cp310-macosx_11_0_arm64.whl.metadata (2.9 kB)\n",
"Collecting pydantic==1.8.2 (from autoxgb)\n",
" Using cached pydantic-1.8.2-py3-none-any.whl.metadata (103 kB)\n",
"Collecting joblib==1.1.0 (from autoxgb)\n",
" Using cached joblib-1.1.0-py2.py3-none-any.whl.metadata (5.2 kB)\n",
"Collecting pandas==1.3.4 (from autoxgb)\n",
" Using cached pandas-1.3.4-cp310-cp310-macosx_11_0_arm64.whl.metadata (12 kB)\n",
"Collecting scikit-learn==1.0.1 (from autoxgb)\n",
" Using cached scikit-learn-1.0.1.tar.gz (6.6 MB)\n",
" Installing build dependencies ... \u001b[?25ldone\n",
"\u001b[?25h Getting requirements to build wheel ... \u001b[?25ldone\n",
"\u001b[?25h Preparing metadata (pyproject.toml) ... \u001b[?25lerror\n",
" \u001b[1;31merror\u001b[0m: \u001b[1msubprocess-exited-with-error\u001b[0m\n",
" \n",
" \u001b[31m×\u001b[0m \u001b[32mPreparing metadata \u001b[0m\u001b[1;32m(\u001b[0m\u001b[32mpyproject.toml\u001b[0m\u001b[1;32m)\u001b[0m did not run successfully.\n",
" \u001b[31m│\u001b[0m exit code: \u001b[1;36m1\u001b[0m\n",
" \u001b[31m╰─>\u001b[0m \u001b[31m[1758 lines of output]\u001b[0m\n",
" \u001b[31m \u001b[0m Partial import of sklearn during the build process.\n",
" \u001b[31m \u001b[0m C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/arham/anaconda3/envs/DataScience/include -arch arm64 -fPIC -O2 -isystem /Users/arham/anaconda3/envs/DataScience/include -arch arm64\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m compile options: '-c'\n",
" \u001b[31m \u001b[0m clang: test_program.c\n",
" \u001b[31m \u001b[0m clang objects/test_program.o -o test_program\n",
" \u001b[31m \u001b[0m C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem /Users/arham/anaconda3/envs/DataScience/include -arch arm64 -fPIC -O2 -isystem /Users/arham/anaconda3/envs/DataScience/include -arch arm64\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m compile options: '-c'\n",
" \u001b[31m \u001b[0m extra options: '-fopenmp'\n",
" \u001b[31m \u001b[0m clang: test_program.c\n",
" \u001b[31m \u001b[0m clang: error: unsupported option '-fopenmp'\n",
" \u001b[31m \u001b[0m /private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-install-lqc86cw5/scikit-learn_f24383f8c0424b6c999613bc04762ec3/sklearn/_build_utils/openmp_helpers.py:126: UserWarning:\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m ***********\n",
" \u001b[31m \u001b[0m * WARNING *\n",
" \u001b[31m \u001b[0m ***********\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m It seems that scikit-learn cannot be built with OpenMP.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m - Make sure you have followed the installation instructions:\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m https://scikit-learn.org/dev/developers/advanced_installation.html\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m - If your compiler supports OpenMP but you still see this\n",
" \u001b[31m \u001b[0m message, please submit a bug report at:\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m https://github.com/scikit-learn/scikit-learn/issues\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m - The build will continue with OpenMP-based parallelism\n",
" \u001b[31m \u001b[0m disabled. Note however that some estimators will run in\n",
" \u001b[31m \u001b[0m sequential mode instead of leveraging thread-based\n",
" \u001b[31m \u001b[0m parallelism.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m ***\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m warnings.warn(message)\n",
" \u001b[31m \u001b[0m Compiling sklearn/__check_build/_check_build.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/preprocessing/_csr_polynomial_expansion.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_dbscan_inner.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_hierarchical_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_k_means_common.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_k_means_lloyd.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_k_means_elkan.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/cluster/_k_means_minibatch.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/datasets/_svmlight_format_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/decomposition/_online_lda_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/decomposition/_cdnmf_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_gradient_boosting.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/_gradient_boosting.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/histogram.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/splitting.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/_binning.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/_predictor.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/_loss.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/_bitset.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/common.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/ensemble/_hist_gradient_boosting/utils.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/feature_extraction/_hashing_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/manifold/_utils.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/manifold/_barnes_hut_tsne.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/metrics/cluster/_expected_mutual_info_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/metrics/_pairwise_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_ball_tree.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_kd_tree.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_partition_nodes.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_dist_metrics.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_typedefs.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/neighbors/_quad_tree.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/tree/_tree.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/tree/_splitter.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/tree/_criterion.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/tree/_utils.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/sparsefuncs_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_cython_blas.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/arrayfuncs.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/murmurhash.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_fast_dict.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_openmp_helpers.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_seq_dataset.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_weight_vector.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_random.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_logistic_sigmoid.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/utils/_readonly_array_wrapper.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/svm/_newrand.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/svm/_libsvm.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/svm/_liblinear.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/svm/_libsvm_sparse.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/linear_model/_cd_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/linear_model/_sgd_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/linear_model/_sag_fast.pyx because it changed.\n",
" \u001b[31m \u001b[0m Compiling sklearn/_isotonic.pyx because it changed.\n",
" \u001b[31m \u001b[0m [ 1/55] Cythonizing sklearn/__check_build/_check_build.pyx\n",
" \u001b[31m \u001b[0m [ 2/55] Cythonizing sklearn/_isotonic.pyx\n",
" \u001b[31m \u001b[0m [ 3/55] Cythonizing sklearn/cluster/_dbscan_inner.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/cluster/_dbscan_inner.pyx:17:5: Only extern functions can throw C++ exceptions.\n",
" \u001b[31m \u001b[0m [ 4/55] Cythonizing sklearn/cluster/_hierarchical_fast.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:19:64: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:29:65: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:38:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:42:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:61:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:64:52: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:71:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:73:67: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m [ 5/55] Cythonizing sklearn/cluster/_k_means_common.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:31:5: Exception check on '_euclidean_dense_dense' will always require the GIL to be acquired. Declare '_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:63:5: Exception check on '_euclidean_sparse_dense' will always require the GIL to be acquired. Declare '_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:120:40: Exception check after calling '__pyx_fuse_0_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:120:40: Exception check after calling '__pyx_fuse_1_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:154:41: Exception check after calling '__pyx_fuse_0_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_common.pyx:154:41: Exception check after calling '__pyx_fuse_1_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m [ 6/55] Cythonizing sklearn/cluster/_k_means_elkan.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:336:5: Exception check on '_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:571:5: Exception check on '_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:88:41: Exception check after calling '__pyx_fuse_0_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:93:45: Exception check after calling '__pyx_fuse_0_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:88:41: Exception check after calling '__pyx_fuse_1_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:93:45: Exception check after calling '__pyx_fuse_1_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:164:42: Exception check after calling '__pyx_fuse_0_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:172:46: Exception check after calling '__pyx_fuse_0_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:164:42: Exception check after calling '__pyx_fuse_1_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:172:46: Exception check after calling '__pyx_fuse_1_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:294:31: Exception check after calling '__pyx_fuse_0_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:294:31: Exception check after calling '__pyx_fuse_1_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:382:60: Exception check after calling '__pyx_fuse_0_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:393:57: Exception check after calling '__pyx_fuse_0_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:382:60: Exception check after calling '__pyx_fuse_1_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:393:57: Exception check after calling '__pyx_fuse_1_euclidean_dense_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_dense_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:525:32: Exception check after calling '__pyx_fuse_0_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:525:32: Exception check after calling '__pyx_fuse_1_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:621:61: Exception check after calling '__pyx_fuse_0_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:633:58: Exception check after calling '__pyx_fuse_0_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:621:61: Exception check after calling '__pyx_fuse_1_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_elkan.pyx:633:58: Exception check after calling '__pyx_fuse_1_euclidean_sparse_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_euclidean_sparse_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m [ 7/55] Cythonizing sklearn/cluster/_k_means_lloyd.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:164:5: Exception check on '_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:358:5: Exception check on '_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:131:31: Exception check after calling '__pyx_fuse_0_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:131:31: Exception check after calling '__pyx_fuse_1_update_chunk_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_update_chunk_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_update_chunk_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:198:9: Exception check after calling '__pyx_fuse_0_gemm' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_gemm' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_gemm' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:198:9: Exception check after calling '__pyx_fuse_1_gemm' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_gemm' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_gemm' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:324:32: Exception check after calling '__pyx_fuse_0_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_lloyd.pyx:324:32: Exception check after calling '__pyx_fuse_1_update_chunk_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_update_chunk_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_update_chunk_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [ 8/55] Cythonizing sklearn/cluster/_k_means_minibatch.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:69:5: Exception check on 'update_center_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'update_center_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'update_center_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:177:5: Exception check on 'update_center_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'update_center_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'update_center_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:62:31: Exception check after calling '__pyx_fuse_0update_center_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0update_center_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0update_center_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:62:31: Exception check after calling '__pyx_fuse_1update_center_dense' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1update_center_dense' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1update_center_dense' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:170:32: Exception check after calling '__pyx_fuse_0update_center_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0update_center_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0update_center_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/cluster/_k_means_minibatch.pyx:170:32: Exception check after calling '__pyx_fuse_1update_center_sparse' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1update_center_sparse' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1update_center_sparse' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [ 9/55] Cythonizing sklearn/datasets/_svmlight_format_fast.pyx\n",
" \u001b[31m \u001b[0m [10/55] Cythonizing sklearn/decomposition/_cdnmf_fast.pyx\n",
" \u001b[31m \u001b[0m [11/55] Cythonizing sklearn/decomposition/_online_lda_fast.pyx\n",
" \u001b[31m \u001b[0m [12/55] Cythonizing sklearn/ensemble/_gradient_boosting.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m [13/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/_binning.pyx\n",
" \u001b[31m \u001b[0m [14/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/_bitset.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_bitset.pyx:19:5: Exception check on 'init_bitset' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'init_bitset' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'init_bitset' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_bitset.pyx:27:5: Exception check on 'set_bitset' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'set_bitset' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'set_bitset' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_bitset.pxd:11:28: No exception value declared for 'in_bitset' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_bitset.pxd:13:40: No exception value declared for 'in_bitset_memoryview' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_bitset.pxd:16:42: No exception value declared for 'in_bitset_2d_memoryview' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m [15/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/_gradient_boosting.pyx\n",
" \u001b[31m \u001b[0m [16/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/_loss.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_loss.pyx:198:5: Exception check on '_compute_softmax' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_compute_softmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_compute_softmax' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_loss.pyx:178:28: Exception check after calling '_compute_softmax' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_compute_softmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_compute_softmax' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_loss.pyx:189:28: Exception check after calling '_compute_softmax' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_compute_softmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_compute_softmax' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [17/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/_predictor.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_predictor.pyx:74:38: Exception check after calling 'in_bitset_2d_memoryview' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'in_bitset_2d_memoryview' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_predictor.pyx:79:40: Exception check after calling 'in_bitset_2d_memoryview' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'in_bitset_2d_memoryview' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/_predictor.pyx:140:38: Exception check after calling 'in_bitset_2d_memoryview' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'in_bitset_2d_memoryview' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m [18/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/common.pyx\n",
" \u001b[31m \u001b[0m [19/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/histogram.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:261:6: Exception check on '_build_histogram_naive' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_naive' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_naive' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:285:6: Exception check on '_subtract_histograms' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_subtract_histograms' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_subtract_histograms' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:309:6: Exception check on '_build_histogram' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:356:6: Exception check on '_build_histogram_no_hessian' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_no_hessian' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_no_hessian' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:400:6: Exception check on '_build_histogram_root' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_root' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_root' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:453:6: Exception check on '_build_histogram_root_no_hessian' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_root_no_hessian' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_root_no_hessian' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:165:60: Exception check after calling '_compute_histogram_brute_single_feature' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_compute_histogram_brute_single_feature' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_compute_histogram_brute_single_feature' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:197:48: Exception check after calling '_build_histogram_root_no_hessian' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_root_no_hessian' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_root_no_hessian' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:201:37: Exception check after calling '_build_histogram_root' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_root' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_root' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:206:43: Exception check after calling '_build_histogram_no_hessian' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram_no_hessian' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram_no_hessian' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:210:32: Exception check after calling '_build_histogram' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_build_histogram' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_build_histogram' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/ensemble/_hist_gradient_boosting/histogram.pyx:253:32: Exception check after calling '_subtract_histograms' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_subtract_histograms' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_subtract_histograms' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [20/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/splitting.pyx\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m if n_used_bins <= 1:\n",
" \u001b[31m \u001b[0m free(cat_infos)\n",
" \u001b[31m \u001b[0m return\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m qsort(cat_infos, n_used_bins, sizeof(categorical_info),\n",
" \u001b[31m \u001b[0m compare_cat_infos)\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/ensemble/_hist_gradient_boosting/splitting.pyx:926:14: Cannot assign type 'int (const void *, const void *) except? -1 nogil' to 'int (*)(const void *, const void *) noexcept nogil'. Exception values are incompatible. Suggest adding 'noexcept' to the type of 'compare_cat_infos'.\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/ensemble/_hist_gradient_boosting/splitting.pyx\n",
" \u001b[31m \u001b[0m [21/55] Cythonizing sklearn/ensemble/_hist_gradient_boosting/utils.pyx\n",
" \u001b[31m \u001b[0m [22/55] Cythonizing sklearn/feature_extraction/_hashing_fast.pyx\n",
" \u001b[31m \u001b[0m [23/55] Cythonizing sklearn/linear_model/_cd_fast.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:48:5: Exception check on 'fmax' will always require the GIL to be acquired. Declare 'fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:54:5: Exception check on 'fsign' will always require the GIL to be acquired. Declare 'fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:63:5: Exception check on 'abs_max' will always require the GIL to be acquired. Declare 'abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:75:5: Exception check on 'max' will always require the GIL to be acquired. Declare 'max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:87:5: Exception check on 'diff_abs_max' will always require the GIL to be acquired. Declare 'diff_abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:156:13: Exception check after calling '__pyx_fuse_0_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:157:13: Exception check after calling '__pyx_fuse_0_gemv' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_gemv' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_gemv' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:161:19: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:179:25: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:182:26: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:187:34: Exception check after calling '__pyx_fuse_0fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_0fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:187:46: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:192:25: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:196:30: Exception check after calling '__pyx_fuse_0fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_0fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:198:28: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:208:21: Exception check after calling '__pyx_fuse_0_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:209:21: Exception check after calling '__pyx_fuse_0_gemv' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_gemv' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_gemv' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:215:39: Exception check after calling '__pyx_fuse_0max' will always require the GIL to be acquired. Declare '__pyx_fuse_0max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:217:43: Exception check after calling '__pyx_fuse_0abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_0abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:220:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:223:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:233:31: Exception check after calling '__pyx_fuse_0_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:237:38: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:156:13: Exception check after calling '__pyx_fuse_1_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:157:13: Exception check after calling '__pyx_fuse_1_gemv' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_gemv' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_gemv' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:161:19: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:179:25: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:182:26: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:187:34: Exception check after calling '__pyx_fuse_1fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_1fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:187:46: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:192:25: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:196:30: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:198:28: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:208:21: Exception check after calling '__pyx_fuse_1_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:209:21: Exception check after calling '__pyx_fuse_1_gemv' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_gemv' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_gemv' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:215:39: Exception check after calling '__pyx_fuse_1max' will always require the GIL to be acquired. Declare '__pyx_fuse_1max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:217:43: Exception check after calling '__pyx_fuse_1abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_1abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:220:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:223:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:233:31: Exception check after calling '__pyx_fuse_1_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:237:38: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:355:19: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:398:33: Exception check after calling '__pyx_fuse_0fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_0fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:398:45: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:439:39: Exception check after calling '__pyx_fuse_0max' will always require the GIL to be acquired. Declare '__pyx_fuse_0max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:441:43: Exception check after calling '__pyx_fuse_0abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_0abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:444:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:447:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:456:31: Exception check after calling '__pyx_fuse_0_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:458:54: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:355:19: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:398:33: Exception check after calling '__pyx_fuse_1fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_1fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:398:45: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:439:39: Exception check after calling '__pyx_fuse_1max' will always require the GIL to be acquired. Declare '__pyx_fuse_1max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:441:43: Exception check after calling '__pyx_fuse_1abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_1abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:444:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:447:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:456:31: Exception check after calling '__pyx_fuse_1_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:458:54: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:557:25: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:565:33: Exception check after calling '__pyx_fuse_0fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_0fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:565:45: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:570:25: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:587:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:592:39: Exception check after calling '__pyx_fuse_0max' will always require the GIL to be acquired. Declare '__pyx_fuse_0max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:594:43: Exception check after calling '__pyx_fuse_0abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_0abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:603:30: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:614:37: Exception check after calling '__pyx_fuse_0_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:557:25: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:565:33: Exception check after calling '__pyx_fuse_1fsign' will always require the GIL to be acquired. Declare '__pyx_fuse_1fsign' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:565:45: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:570:25: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:587:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:592:39: Exception check after calling '__pyx_fuse_1max' will always require the GIL to be acquired. Declare '__pyx_fuse_1max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:594:43: Exception check after calling '__pyx_fuse_1abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_1abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:603:30: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:614:37: Exception check after calling '__pyx_fuse_1_asum' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:696:35: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:699:13: Exception check after calling '__pyx_fuse_0_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:703:25: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:707:25: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:722:21: Exception check after calling '__pyx_fuse_0_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:734:29: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:744:34: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:748:26: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:751:21: Exception check after calling '__pyx_fuse_0_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:752:35: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:752:21: Exception check after calling '__pyx_fuse_0_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:765:29: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:769:37: Exception check after calling '__pyx_fuse_0diff_abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_0diff_abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:774:38: Exception check after calling '__pyx_fuse_0abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_0abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:786:42: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:794:41: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:801:30: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:802:30: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:812:29: Exception check after calling '__pyx_fuse_0_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:817:37: Exception check after calling '__pyx_fuse_0_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:696:35: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:699:13: Exception check after calling '__pyx_fuse_1_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:703:25: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:707:25: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:722:21: Exception check after calling '__pyx_fuse_1_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:734:29: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:744:34: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:748:26: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:751:21: Exception check after calling '__pyx_fuse_1_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:752:35: Exception check after calling '__pyx_fuse_1fmax' will always require the GIL to be acquired. Declare '__pyx_fuse_1fmax' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:752:21: Exception check after calling '__pyx_fuse_1_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:765:29: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:769:37: Exception check after calling '__pyx_fuse_1diff_abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_1diff_abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:774:38: Exception check after calling '__pyx_fuse_1abs_max' will always require the GIL to be acquired. Declare '__pyx_fuse_1abs_max' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:786:42: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:794:41: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:801:30: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:802:30: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:812:29: Exception check after calling '__pyx_fuse_1_dot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_cd_fast.pyx:817:37: Exception check after calling '__pyx_fuse_1_nrm2' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m [24/55] Cythonizing sklearn/linear_model/_sag_fast.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1202:5: Exception check on 'predict_sample64' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'predict_sample64' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'predict_sample64' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1249:5: Exception check on 'predict_sample32' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'predict_sample32' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'predict_sample32' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:467:43: Exception check after calling 'random' will always require the GIL to be acquired. Declare 'random' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:495:32: Exception check after calling 'predict_sample64' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'predict_sample64' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'predict_sample64' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:500:35: Exception check after calling 'dloss' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'dloss' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:503:44: Exception check after calling 'dloss' will always require the GIL to be acquired. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:798:43: Exception check after calling 'random' will always require the GIL to be acquired. Declare 'random' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:826:32: Exception check after calling 'predict_sample32' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'predict_sample32' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'predict_sample32' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:831:35: Exception check after calling 'dloss' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'dloss' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:834:44: Exception check after calling 'dloss' will always require the GIL to be acquired. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1337:24: Exception check after calling 'next' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'next' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'next' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1341:28: Exception check after calling 'predict_sample64' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'predict_sample64' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'predict_sample64' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1345:27: Exception check after calling 'dloss' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'dloss' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sag_fast.pyx:1348:39: Exception check after calling '_loss' will always require the GIL to be acquired. Declare '_loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m [25/55] Cythonizing sklearn/linear_model/_sgd_fast.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:708:5: Exception check on 'l1penalty' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'l1penalty' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'l1penalty' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:551:31: Exception check after calling 'shuffle' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'shuffle' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'shuffle' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:553:28: Exception check after calling 'next' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'next' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'next' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:561:25: Exception check after calling 'dot' will always require the GIL to be acquired. Declare 'dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:568:40: Exception check after calling 'loss' will always require the GIL to be acquired. Declare 'loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:579:45: Exception check after calling 'loss' will always require the GIL to be acquired. Declare 'loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:582:38: Exception check after calling 'loss' will always require the GIL to be acquired. Declare 'loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:584:38: Exception check after calling 'dloss' will always require the GIL to be acquired. Declare 'dloss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:606:27: Exception check after calling 'scale' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'scale' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'scale' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:609:25: Exception check after calling 'add' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'add' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'add' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:622:33: Exception check after calling 'add_average' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'add_average' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'add_average' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/linear_model/_sgd_fast.pyx:629:29: Exception check after calling 'l1penalty' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'l1penalty' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'l1penalty' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [26/55] Cythonizing sklearn/manifold/_barnes_hut_tsne.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/manifold/_barnes_hut_tsne.pyx:224:30: Exception check after calling 'summarize' will always require the GIL to be acquired. Declare 'summarize' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m [27/55] Cythonizing sklearn/manifold/_utils.pyx\n",
" \u001b[31m \u001b[0m [28/55] Cythonizing sklearn/metrics/_pairwise_fast.pyx\n",
" \u001b[31m \u001b[0m [29/55] Cythonizing sklearn/metrics/cluster/_expected_mutual_info_fast.pyx\n",
" \u001b[31m \u001b[0m [30/55] Cythonizing sklearn/neighbors/_ball_tree.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:557:66: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:565:49: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:627:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1108:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1117:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1702:78: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_ball_tree.pyx:110:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_ball_tree.pyx:126:82: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_ball_tree.pyx:137:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:19:64: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:29:65: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:38:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:42:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:61:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:64:52: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:71:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:73:67: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/neighbors/_binary_tree.pxi:501:5: Exception check on 'dual_swap' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'dual_swap' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'dual_swap' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m # determine number of levels in the tree, and from this\n",
" \u001b[31m \u001b[0m # the number of nodes in the tree. This results in leaf nodes\n",
" \u001b[31m \u001b[0m # with numbers of points between leaf_size and 2 * leaf_size\n",
" \u001b[31m \u001b[0m self.n_levels = int(\n",
" \u001b[31m \u001b[0m np.log2(fmax(1, (n_samples - 1) / self.leaf_size)) + 1)\n",
" \u001b[31m \u001b[0m self.n_nodes = (2 ** self.n_levels) - 1\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/neighbors/_binary_tree.pxi:973:44: Cannot assign type 'double' to 'ITYPE_t' (alias of 'Py_ssize_t')\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1148:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1272:17: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1404:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1709:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1758:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1811:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1812:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1910:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1911:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1993:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2080:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2084:28: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2242:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2248:28: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2363:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2413:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2414:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_ball_tree.pyx:63:9: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_ball_tree.pyx:70:24: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/neighbors/_ball_tree.pyx\n",
" \u001b[31m \u001b[0m [31/55] Cythonizing sklearn/neighbors/_dist_metrics.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:19:64: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:29:65: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:38:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:42:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:61:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:64:52: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:71:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:73:67: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:285:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:293:52: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:325:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:329:67: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:426:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:430:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:433:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:436:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:465:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:474:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:477:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:480:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:503:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:536:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:567:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:575:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:578:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:581:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:626:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:634:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:637:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:640:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:689:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:705:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:708:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:711:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:734:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:756:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:779:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:805:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:835:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:859:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:884:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:909:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:933:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:957:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:981:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:1015:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:1021:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:1024:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:1027:74: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pyx:1127:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m [32/55] Cythonizing sklearn/neighbors/_kd_tree.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:557:66: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:565:49: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:627:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1108:58: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1117:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1702:78: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_kd_tree.pyx:92:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_kd_tree.pyx:153:82: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:19:64: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:29:65: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:38:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:42:79: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:61:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:64:52: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:71:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_dist_metrics.pxd:73:67: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/neighbors/_binary_tree.pxi:501:5: Exception check on 'dual_swap' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'dual_swap' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'dual_swap' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m # determine number of levels in the tree, and from this\n",
" \u001b[31m \u001b[0m # the number of nodes in the tree. This results in leaf nodes\n",
" \u001b[31m \u001b[0m # with numbers of points between leaf_size and 2 * leaf_size\n",
" \u001b[31m \u001b[0m self.n_levels = int(\n",
" \u001b[31m \u001b[0m np.log2(fmax(1, (n_samples - 1) / self.leaf_size)) + 1)\n",
" \u001b[31m \u001b[0m self.n_nodes = (2 ** self.n_levels) - 1\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/neighbors/_binary_tree.pxi:973:44: Cannot assign type 'double' to 'ITYPE_t' (alias of 'Py_ssize_t')\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1148:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1272:17: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1404:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1709:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1758:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1811:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1812:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1910:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1911:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:1993:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2080:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2084:28: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2242:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2248:28: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2363:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2413:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_binary_tree.pxi:2414:13: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_kd_tree.pyx:55:9: Assigning to 'DTYPE_t *' from 'const DTYPE_t *' discards const qualifier\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/neighbors/_kd_tree.pyx\n",
" \u001b[31m \u001b[0m [33/55] Cythonizing sklearn/neighbors/_partition_nodes.pyx\n",
" \u001b[31m \u001b[0m [34/55] Cythonizing sklearn/neighbors/_quad_tree.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pyx:120:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pyx:309:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pyx:468:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pyx:563:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pyx:575:70: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m def __cinit__(self, int n_dimensions, int verbose):\n",
" \u001b[31m \u001b[0m \"\"\"Constructor.\"\"\"\n",
" \u001b[31m \u001b[0m # Parameters of the tree\n",
" \u001b[31m \u001b[0m self.n_dimensions = n_dimensions\n",
" \u001b[31m \u001b[0m self.verbose = verbose\n",
" \u001b[31m \u001b[0m self.n_cells_per_cell = 2 ** self.n_dimensions\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/neighbors/_quad_tree.pyx:60:34: Cannot assign type 'double' to 'SIZE_t' (alias of 'Py_ssize_t')\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/neighbors/_quad_tree.pyx\n",
" \u001b[31m \u001b[0m [35/55] Cythonizing sklearn/neighbors/_typedefs.pyx\n",
" \u001b[31m \u001b[0m [36/55] Cythonizing sklearn/preprocessing/_csr_polynomial_expansion.pyx\n",
" \u001b[31m \u001b[0m [37/55] Cythonizing sklearn/svm/_liblinear.pyx\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m free_problem(problem)\n",
" \u001b[31m \u001b[0m free_parameter(param)\n",
" \u001b[31m \u001b[0m raise ValueError(error_msg)\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_liblinear.pyx:55:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m free_parameter(param)\n",
" \u001b[31m \u001b[0m raise ValueError(error_msg)\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m blas_functions.axpy = _axpy[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_liblinear.pyx:56:31: Cannot assign type 'void (int, double, double *, int, double *, int) except * nogil' to 'axpy_func' (alias of 'void (*)(int, double, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m raise ValueError(error_msg)\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m blas_functions.axpy = _axpy[double]\n",
" \u001b[31m \u001b[0m blas_functions.scal = _scal[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_liblinear.pyx:57:31: Cannot assign type 'void (int, double, double *, int) except * nogil' to 'scal_func' (alias of 'void (*)(int, double, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m blas_functions.axpy = _axpy[double]\n",
" \u001b[31m \u001b[0m blas_functions.scal = _scal[double]\n",
" \u001b[31m \u001b[0m blas_functions.nrm2 = _nrm2[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_liblinear.pyx:58:31: Cannot assign type 'double (int, double *, int) except * nogil' to 'nrm2_func' (alias of 'double (*)(int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/svm/_liblinear.pyx\n",
" \u001b[31m \u001b[0m [38/55] Cythonizing sklearn/svm/_libsvm.pyx\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m if error_msg:\n",
" \u001b[31m \u001b[0m # for SVR: epsilon is called p in libsvm\n",
" \u001b[31m \u001b[0m error_repl = error_msg.decode('utf-8').replace(\"p < 0\", \"epsilon < 0\")\n",
" \u001b[31m \u001b[0m raise ValueError(error_repl)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm.pyx:194:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m class_weight_label.data, class_weight.data)\n",
" \u001b[31m \u001b[0m model = set_model(¶m, <int> nSV.shape[0], SV.data, SV.shape,\n",
" \u001b[31m \u001b[0m support.data, support.shape, sv_coef.strides,\n",
" \u001b[31m \u001b[0m sv_coef.data, intercept.data, nSV.data, probA.data, probB.data)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm.pyx:358:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m sv_coef.data, intercept.data, nSV.data,\n",
" \u001b[31m \u001b[0m probA.data, probB.data)\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef np.npy_intp n_class = get_nr(model)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm.pyx:464:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m n_class = 1\n",
" \u001b[31m \u001b[0m else:\n",
" \u001b[31m \u001b[0m n_class = get_nr(model)\n",
" \u001b[31m \u001b[0m n_class = n_class * (n_class - 1) // 2\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm.pyx:570:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m if error_msg:\n",
" \u001b[31m \u001b[0m raise ValueError(error_msg)\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m cdef np.ndarray[np.float64_t, ndim=1, mode='c'] target\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm.pyx:714:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/svm/_libsvm.pyx\n",
" \u001b[31m \u001b[0m [39/55] Cythonizing sklearn/svm/_libsvm_sparse.pyx\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m if error_msg:\n",
" \u001b[31m \u001b[0m free_problem(problem)\n",
" \u001b[31m \u001b[0m free_param(param)\n",
" \u001b[31m \u001b[0m raise ValueError(error_msg)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm_sparse.pyx:153:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m sv_coef.data, intercept.data,\n",
" \u001b[31m \u001b[0m nSV.data, probA.data, probB.data)\n",
" \u001b[31m \u001b[0m #TODO: use check_model\n",
" \u001b[31m \u001b[0m dec_values = np.empty(T_indptr.shape[0]-1)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm_sparse.pyx:284:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m #TODO: use check_model\n",
" \u001b[31m \u001b[0m cdef np.npy_intp n_class = get_nr(model)\n",
" \u001b[31m \u001b[0m cdef int rv\n",
" \u001b[31m \u001b[0m dec_values = np.empty((T_indptr.shape[0]-1, n_class), dtype=np.float64)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm_sparse.pyx:343:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m n_class = get_nr(model)\n",
" \u001b[31m \u001b[0m n_class = n_class * (n_class - 1) // 2\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m dec_values = np.empty((T_indptr.shape[0] - 1, n_class), dtype=np.float64)\n",
" \u001b[31m \u001b[0m cdef BlasFunctions blas_functions\n",
" \u001b[31m \u001b[0m blas_functions.dot = _dot[double]\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/svm/_libsvm_sparse.pyx:412:29: Cannot assign type 'double (int, double *, int, double *, int) except * nogil' to 'dot_func' (alias of 'double (*)(int, double *, int, double *, int) noexcept'). Exception values are incompatible. Suggest adding 'noexcept' to the type of the value being assigned.\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/svm/_libsvm_sparse.pyx\n",
" \u001b[31m \u001b[0m [40/55] Cythonizing sklearn/svm/_newrand.pyx\n",
" \u001b[31m \u001b[0m [41/55] Cythonizing sklearn/tree/_criterion.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:61:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:86:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:93:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:100:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:282:76: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:348:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:375:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:402:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:744:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:788:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:799:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:810:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:1032:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:1082:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:1113:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pyx:1141:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:169:30: Exception check after calling 'children_impurity' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'children_impurity' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'children_impurity' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:540:44: Exception check after calling 'log' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'log' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:574:49: Exception check after calling 'log' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'log' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:579:50: Exception check after calling 'log' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'log' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1076:89: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1104:74: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1106:62: Exception check after calling 'pop' will always require the GIL to be acquired. Declare 'pop' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1132:75: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1134:63: Exception check after calling 'pop' will always require the GIL to be acquired. Declare 'pop' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1172:70: Exception check after calling 'remove' will always require the GIL to be acquired. Declare 'remove' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1188:69: Exception check after calling 'remove' will always require the GIL to be acquired. Declare 'remove' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1252:74: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1264:75: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1365:32: Exception check after calling 'poisson_loss' will always require the GIL to be acquired. Declare 'poisson_loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1400:56: Exception check after calling 'log' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'log' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1401:58: Exception check after calling 'log' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'log' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1422:44: Exception check after calling 'poisson_loss' will always require the GIL to be acquired. Declare 'poisson_loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1425:45: Exception check after calling 'poisson_loss' will always require the GIL to be acquired. Declare 'poisson_loss' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_criterion.pyx:1460:41: Exception check after calling '__pyx_fuse_1xlogy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1xlogy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m [42/55] Cythonizing sklearn/tree/_splitter.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:184:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:214:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:268:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:582:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:1100:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pyx:1330:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:46:5: Exception check on '_init_split' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_init_split' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_init_split' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:460:5: Exception check on 'sort' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'sort' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'sort' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:467:5: Exception check on 'swap' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'swap' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'swap' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:496:5: Exception check on 'introsort' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'introsort' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'introsort' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:529:5: Exception check on 'sift_down' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'sift_down' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'sift_down' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:552:5: Exception check on 'heapsort' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'heapsort' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'heapsort' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:944:5: Exception check on 'binary_search' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'binary_search' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'binary_search' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:969:5: Exception check on 'extract_nnz_index_to_samples' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'extract_nnz_index_to_samples' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'extract_nnz_index_to_samples' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:1009:5: Exception check on 'extract_nnz_binary_search' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'extract_nnz_binary_search' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'extract_nnz_binary_search' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_splitter.pyx:1081:5: Exception check on 'sparse_swap' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'sparse_swap' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'sparse_swap' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m if not is_samples_sorted[0]:\n",
" \u001b[31m \u001b[0m n_samples = end - start\n",
" \u001b[31m \u001b[0m memcpy(sorted_samples + start, samples + start,\n",
" \u001b[31m \u001b[0m n_samples * sizeof(SIZE_t))\n",
" \u001b[31m \u001b[0m qsort(sorted_samples + start, n_samples, sizeof(SIZE_t),\n",
" \u001b[31m \u001b[0m compare_SIZE_t)\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/tree/_splitter.pyx:1037:14: Cannot assign type 'int (const void *, const void *) except? -1 nogil' to 'int (*)(const void *, const void *) noexcept nogil'. Exception values are incompatible. Suggest adding 'noexcept' to the type of 'compare_SIZE_t'.\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/tree/_splitter.pyx\n",
" \u001b[31m \u001b[0m [43/55] Cythonizing sklearn/tree/_tree.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pyx:269:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pyx:416:76: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pyx:673:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pyx:685:70: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pyx:719:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m # Initial capacity\n",
" \u001b[31m \u001b[0m cdef int init_capacity\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m if tree.max_depth <= 10:\n",
" \u001b[31m \u001b[0m init_capacity = (2 ** (tree.max_depth + 1)) - 1\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/tree/_tree.pyx:148:56: Cannot assign type 'double' to 'int'\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/tree/_tree.pyx\n",
" \u001b[31m \u001b[0m [44/55] Cythonizing sklearn/tree/_utils.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:49:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:87:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:119:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:137:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:139:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:160:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pxd:161:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:61:73: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:62:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_tree.pxd:63:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:84:72: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_splitter.pxd:89:68: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:57:45: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:58:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:59:48: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_criterion.pxd:60:57: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:76:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:95:51: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:98:59: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:99:63: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/neighbors/_quad_tree.pxd:100:80: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:29:75: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:114:61: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:230:56: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:318:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:335:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:493:40: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m warning: sklearn/tree/_utils.pyx:507:71: The keyword 'nogil' should appear at the end of the function signature line. Placing it before 'except' or 'noexcept' will be disallowed in a future version of Cython.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:29:5: Exception check on 'safe_realloc' will always require the GIL to be acquired. Declare 'safe_realloc' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pxd:55:20: No exception value declared for 'rand_int' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pxd:59:24: No exception value declared for 'rand_uniform' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pxd:63:15: No exception value declared for 'log' in pxd file.\n",
" \u001b[31m \u001b[0m Users cimporting this function and calling it without the gil will always require an exception check.\n",
" \u001b[31m \u001b[0m Suggest adding an explicit exception value.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:127:24: Exception check after calling '__pyx_fuse_9safe_realloc' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_9safe_realloc' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:205:27: Exception check after calling 'heapify_up' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'heapify_up' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'heapify_up' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:225:29: Exception check after calling 'heapify_down' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'heapify_down' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'heapify_down' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:243:24: Exception check after calling '__pyx_fuse_10safe_realloc' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_10safe_realloc' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:259:23: Exception check after calling 'heapify_up' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'heapify_up' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'heapify_up' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:281:29: Exception check after calling 'heapify_down' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'heapify_down' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'heapify_down' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:326:20: Exception check after calling '__pyx_fuse_3safe_realloc' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_3safe_realloc' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:349:24: Exception check after calling '__pyx_fuse_3safe_realloc' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_3safe_realloc' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Declare any exception value explicitly for functions in pxd files.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:491:32: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:516:20: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:517:45: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:520:47: Exception check after calling 'update_median_parameters_post_push' will always require the GIL to be acquired. Declare 'update_median_parameters_post_push' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:531:20: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:551:69: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:554:68: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:560:44: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:563:68: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:573:20: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:574:45: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:576:42: Exception check after calling 'remove' will always require the GIL to be acquired. Declare 'remove' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:577:49: Exception check after calling 'update_median_parameters_post_remove' will always require the GIL to be acquired. Declare 'update_median_parameters_post_remove' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:588:20: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:589:45: Exception check after calling 'get_median' will always require the GIL to be acquired. Declare 'get_median' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:592:28: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:595:39: Exception check after calling 'pop' will always require the GIL to be acquired. Declare 'pop' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:596:49: Exception check after calling 'update_median_parameters_post_remove' will always require the GIL to be acquired. Declare 'update_median_parameters_post_remove' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:607:28: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:614:28: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:635:44: Exception check after calling 'size' will always require the GIL to be acquired. Declare 'size' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:638:68: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:645:69: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:648:68: Exception check after calling 'get_weight_from_index' will always require the GIL to be acquired. Declare 'get_weight_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:656:53: Exception check after calling 'get_value_from_index' will always require the GIL to be acquired. Declare 'get_value_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:657:53: Exception check after calling 'get_value_from_index' will always require the GIL to be acquired. Declare 'get_value_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/tree/_utils.pyx:660:52: Exception check after calling 'get_value_from_index' will always require the GIL to be acquired. Declare 'get_value_from_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m [45/55] Cythonizing sklearn/utils/_cython_blas.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:20:5: Exception check on '_dot' will always require the GIL to be acquired. Declare '_dot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:33:5: Exception check on '_asum' will always require the GIL to be acquired. Declare '_asum' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:45:5: Exception check on '_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:58:5: Exception check on '_nrm2' will always require the GIL to be acquired. Declare '_nrm2' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:70:5: Exception check on '_copy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_copy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_copy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:82:5: Exception check on '_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:94:5: Exception check on '_rotg' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_rotg' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_rotg' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:107:5: Exception check on '_rot' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_rot' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_rot' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:124:5: Exception check on '_gemv' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_gemv' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_gemv' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:153:5: Exception check on '_ger' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_ger' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_ger' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_cython_blas.pyx:183:5: Exception check on '_gemm' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_gemm' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_gemm' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [46/55] Cythonizing sklearn/utils/_fast_dict.pyx\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Error compiling Cython file:\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m ...\n",
" \u001b[31m \u001b[0m dec(end)\n",
" \u001b[31m \u001b[0m # Construct our arguments\n",
" \u001b[31m \u001b[0m cdef pair[ITYPE_t, DTYPE_t] args\n",
" \u001b[31m \u001b[0m args.first = key\n",
" \u001b[31m \u001b[0m args.second = value\n",
" \u001b[31m \u001b[0m self.my_map.insert(end, args)\n",
" \u001b[31m \u001b[0m ^\n",
" \u001b[31m \u001b[0m ------------------------------------------------------------\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m sklearn/utils/_fast_dict.pyx:138:27: Cannot assign type 'iterator' to 'const_iterator'\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/utils/_fast_dict.pyx\n",
" \u001b[31m \u001b[0m [47/55] Cythonizing sklearn/utils/_logistic_sigmoid.pyx\n",
" \u001b[31m \u001b[0m [48/55] Cythonizing sklearn/utils/_openmp_helpers.pyx\n",
" \u001b[31m \u001b[0m warning: sklearn/utils/_openmp_helpers.pyx:1:0: The 'IF' statement is deprecated and will be removed in a future Cython version. Consider using runtime conditions or C macros instead. See https://github.com/cython/cython/issues/4310\n",
" \u001b[31m \u001b[0m warning: sklearn/utils/_openmp_helpers.pyx:44:4: The 'IF' statement is deprecated and will be removed in a future Cython version. Consider using runtime conditions or C macros instead. See https://github.com/cython/cython/issues/4310\n",
" \u001b[31m \u001b[0m [49/55] Cythonizing sklearn/utils/_random.pyx\n",
" \u001b[31m \u001b[0m [50/55] Cythonizing sklearn/utils/_readonly_array_wrapper.pyx\n",
" \u001b[31m \u001b[0m [51/55] Cythonizing sklearn/utils/_seq_dataset.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:80:53: Exception check after calling '_get_next_index' will always require the GIL to be acquired. Declare '_get_next_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:81:20: Exception check after calling '_sample' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_sample' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_sample' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:117:55: Exception check after calling '_get_random_index' will always require the GIL to be acquired. Declare '_get_random_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:118:20: Exception check after calling '_sample' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_sample' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_sample' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:405:53: Exception check after calling '_get_next_index' will always require the GIL to be acquired. Declare '_get_next_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:406:20: Exception check after calling '_sample' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_sample' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_sample' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:442:55: Exception check after calling '_get_random_index' will always require the GIL to be acquired. Declare '_get_random_index' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_seq_dataset.pyx:443:20: Exception check after calling '_sample' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '_sample' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '_sample' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [52/55] Cythonizing sklearn/utils/_weight_vector.pyx\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:183:29: Exception check after calling 'reset_wscale' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'reset_wscale' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'reset_wscale' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:188:17: Exception check after calling '__pyx_fuse_1_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:190:17: Exception check after calling '__pyx_fuse_1_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:194:13: Exception check after calling '__pyx_fuse_1_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_1_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_1_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:356:29: Exception check after calling 'reset_wscale' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare 'reset_wscale' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on 'reset_wscale' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:361:17: Exception check after calling '__pyx_fuse_0_axpy' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_axpy' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_axpy' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:363:17: Exception check after calling '__pyx_fuse_0_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m performance hint: sklearn/utils/_weight_vector.pyx:367:13: Exception check after calling '__pyx_fuse_0_scal' will always require the GIL to be acquired.\n",
" \u001b[31m \u001b[0m Possible solutions:\n",
" \u001b[31m \u001b[0m 1. Declare '__pyx_fuse_0_scal' as 'noexcept' if you control the definition and you're sure you don't want the function to raise exceptions.\n",
" \u001b[31m \u001b[0m 2. Use an 'int' return type on '__pyx_fuse_0_scal' to allow an error code to be returned.\n",
" \u001b[31m \u001b[0m [53/55] Cythonizing sklearn/utils/arrayfuncs.pyx\n",
" \u001b[31m \u001b[0m [54/55] Cythonizing sklearn/utils/murmurhash.pyx\n",
" \u001b[31m \u001b[0m [55/55] Cythonizing sklearn/utils/sparsefuncs_fast.pyx\n",
" \u001b[31m \u001b[0m multiprocessing.pool.RemoteTraceback:\n",
" \u001b[31m \u001b[0m \"\"\"\n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/multiprocessing/pool.py\", line 125, in worker\n",
" \u001b[31m \u001b[0m result = (True, func(*args, **kwds))\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/multiprocessing/pool.py\", line 48, in mapstar\n",
" \u001b[31m \u001b[0m return list(map(*args))\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1345, in cythonize_one_helper\n",
" \u001b[31m \u001b[0m return cythonize_one(*m)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1321, in cythonize_one\n",
" \u001b[31m \u001b[0m raise CompileError(None, pyx_file)\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/ensemble/_hist_gradient_boosting/splitting.pyx\n",
" \u001b[31m \u001b[0m \"\"\"\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m The above exception was the direct cause of the following exception:\n",
" \u001b[31m \u001b[0m \n",
" \u001b[31m \u001b[0m Traceback (most recent call last):\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/site-packages/pip/_vendor/pyproject_hooks/_in_process/_in_process.py\", line 353, in <module>\n",
" \u001b[31m \u001b[0m main()\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/site-packages/pip/_vendor/pyproject_hooks/_in_process/_in_process.py\", line 335, in main\n",
" \u001b[31m \u001b[0m json_out['return_val'] = hook(**hook_input['kwargs'])\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/site-packages/pip/_vendor/pyproject_hooks/_in_process/_in_process.py\", line 149, in prepare_metadata_for_build_wheel\n",
" \u001b[31m \u001b[0m return hook(metadata_directory, config_settings)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/setuptools/build_meta.py\", line 366, in prepare_metadata_for_build_wheel\n",
" \u001b[31m \u001b[0m self.run_setup()\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/setuptools/build_meta.py\", line 487, in run_setup\n",
" \u001b[31m \u001b[0m super().run_setup(setup_script=setup_script)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/setuptools/build_meta.py\", line 311, in run_setup\n",
" \u001b[31m \u001b[0m exec(code, locals())\n",
" \u001b[31m \u001b[0m File \"<string>\", line 319, in <module>\n",
" \u001b[31m \u001b[0m File \"<string>\", line 315, in setup_package\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/numpy/distutils/core.py\", line 135, in setup\n",
" \u001b[31m \u001b[0m config = configuration()\n",
" \u001b[31m \u001b[0m File \"<string>\", line 201, in configuration\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/numpy/distutils/misc_util.py\", line 1014, in add_subpackage\n",
" \u001b[31m \u001b[0m config_list = self.get_subpackage(subpackage_name, subpackage_path,\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/numpy/distutils/misc_util.py\", line 980, in get_subpackage\n",
" \u001b[31m \u001b[0m config = self._get_configuration_from_setup_py(\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/numpy/distutils/misc_util.py\", line 922, in _get_configuration_from_setup_py\n",
" \u001b[31m \u001b[0m config = setup_module.configuration(*args)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-install-lqc86cw5/scikit-learn_f24383f8c0424b6c999613bc04762ec3/sklearn/setup.py\", line 85, in configuration\n",
" \u001b[31m \u001b[0m cythonize_extensions(top_path, config)\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-install-lqc86cw5/scikit-learn_f24383f8c0424b6c999613bc04762ec3/sklearn/_build_utils/__init__.py\", line 73, in cythonize_extensions\n",
" \u001b[31m \u001b[0m config.ext_modules = cythonize(\n",
" \u001b[31m \u001b[0m File \"/private/var/folders/2t/c7s0z0zs4698zw0k9pj4f2r80000gn/T/pip-build-env-jtbchnus/overlay/lib/python3.10/site-packages/Cython/Build/Dependencies.py\", line 1145, in cythonize\n",
" \u001b[31m \u001b[0m result.get(99999) # seconds\n",
" \u001b[31m \u001b[0m File \"/Users/arham/anaconda3/envs/DataScience/lib/python3.10/multiprocessing/pool.py\", line 774, in get\n",
" \u001b[31m \u001b[0m raise self._value\n",
" \u001b[31m \u001b[0m Cython.Compiler.Errors.CompileError: sklearn/ensemble/_hist_gradient_boosting/splitting.pyx\n",
" \u001b[31m \u001b[0m \u001b[31m[end of output]\u001b[0m\n",
" \n",
" \u001b[1;35mnote\u001b[0m: This error originates from a subprocess, and is likely not a problem with pip.\n",
"\u001b[?25h\u001b[1;31merror\u001b[0m: \u001b[1mmetadata-generation-failed\u001b[0m\n",
"\n",
"\u001b[31m×\u001b[0m Encountered error while generating package metadata.\n",
"\u001b[31m╰─>\u001b[0m See above for output.\n",
"\n",
"\u001b[1;35mnote\u001b[0m: This is an issue with the package mentioned above, not pip.\n",
"\u001b[1;36mhint\u001b[0m: See above for details.\n"
]
}
],
"source": [
"!pip install autoxgb"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [
{
"ename": "ModuleNotFoundError",
"evalue": "No module named 'autoxgb'",
"output_type": "error",
"traceback": [
"\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
"\u001b[0;31mModuleNotFoundError\u001b[0m Traceback (most recent call last)",
"Cell \u001b[0;32mIn[2], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[38;5;28;01mfrom\u001b[39;00m \u001b[38;5;21;01mautoxgb\u001b[39;00m \u001b[38;5;28;01mimport\u001b[39;00m AutoXGB\n",
"\u001b[0;31mModuleNotFoundError\u001b[0m: No module named 'autoxgb'"
]
}
],
"source": [
"from autoxgb import AutoXGB\n",
"\n",
"\n",
"# Input tabular data and output artifacts\n",
"train_filename = \"path/to/training/data.csv\"\n",
"output = \"output_folder\"\n",
"\n",
"# optional parameters\n",
"test_filename = \"path/to/test/data.csv\" # Set to None if only OOF predictions are needed\n",
"task = \"classification\" # or \"regression\" based on your problem\n",
"idx = None # Automatically generate id column\n",
"targets = [\"target_column_name\"] # List of target column names\n",
"features = None # Use all columns except id, targets, and kfold columns\n",
"categorical_features = None # Automatically infer categorical columns\n",
"use_gpu = False # Don't use GPU\n",
"num_folds = 5 # Number of folds for cross-validation\n",
"seed = 42 # Random seed for reproducibility\n",
"num_trials = 100 # Number of optuna trials to run\n",
"time_limit = 360 # Time limit for optuna trials in seconds\n",
"fast = False # Whether to use only one fold for hyperparameter tuning\n",
"\n",
"axgb = AutoXGB(\n",
" train_filename=train_filename,\n",
" output=output,\n",
" test_filename=test_filename,\n",
" task=task,\n",
" idx=idx,\n",
" targets=targets,\n",
" features=features,\n",
" categorical_features=categorical_features,\n",
" use_gpu=use_gpu,\n",
" num_folds=num_folds,\n",
" seed=seed,\n",
" num_trials=num_trials,\n",
" time_limit=time_limit,\n",
" fast=fast,\n",
")\n",
"axgb.train()\n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": "DataScience",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.10.13"
}
},
"nbformat": 4,
"nbformat_minor": 2
}