eval_models.py 7.29 KB
Newer Older
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24
"""
    Selecting best models through cross validation and hyperparameter tunning 
    for each method: 
        1. Original training dataset
        2. Original training dataset - Cost sensitive
        3. Oversampling
        4. Undersampling
"""

# Libraries
# --------------------------------------------------------------------------------------------------------
import pandas as pd
import numpy as np
from xgboost import XGBClassifier
from sklearn.metrics import confusion_matrix
from sklearn.metrics import f1_score, make_scorer, precision_score, recall_score
from sklearn.model_selection import StratifiedKFold, cross_validate
from sklearn.ensemble import RandomForestClassifier, BaggingClassifier, AdaBoostClassifier
from sklearn.neural_network import MLPClassifier
from sklearn.svm import SVC
from sklearn.linear_model import  LogisticRegression
from sklearn.tree import DecisionTreeClassifier
# --------------------------------------------------------------------------------------------------------

25 26
def read_data():
    import numpy as np
27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50

    # Load test data
    X_test_pre = np.load('gen_train_data/data/output/pre/X_test_pre.npy', allow_pickle=True)
    y_test_pre = np.load('gen_train_data/data/output/pre/y_test_pre.npy', allow_pickle=True)
    X_test_post = np.load('gen_train_data/data/output/post/X_test_post.npy', allow_pickle=True)
    y_test_post = np.load('gen_train_data/data/output/post/y_test_post.npy', allow_pickle=True)

    # Load ORIGINAL training data
    X_train_pre = np.load('gen_train_data/data/output/pre/X_train_pre.npy', allow_pickle=True)
    y_train_pre = np.load('gen_train_data/data/output/pre/y_train_pre.npy', allow_pickle=True)
    X_train_post = np.load('gen_train_data/data/output/post/X_train_post.npy', allow_pickle=True)
    y_train_post = np.load('gen_train_data/data/output/post/y_train_post.npy', allow_pickle=True)

    # Load oversampled training data
    X_train_over_pre = np.load('gen_train_data/data/output/pre/X_train_over_pre.npy', allow_pickle=True)
    y_train_over_pre = np.load('gen_train_data/data/output/pre/y_train_over_pre.npy', allow_pickle=True)
    X_train_over_post = np.load('gen_train_data/data/output/post/X_train_over_post.npy', allow_pickle=True)
    y_train_over_post = np.load('gen_train_data/data/output/post/y_train_over_post.npy', allow_pickle=True)

    # Load undersampled training data
    X_train_under_pre = np.load('gen_train_data/data/output/pre/X_train_under_pre.npy', allow_pickle=True)
    y_train_under_pre = np.load('gen_train_data/data/output/pre/y_train_under_pre.npy', allow_pickle=True)
    X_train_under_post = np.load('gen_train_data/data/output/post/X_train_under_post.npy', allow_pickle=True)
    y_train_under_post = np.load('gen_train_data/data/output/post/y_train_under_post.npy', allow_pickle=True)
51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76

    data_dic = {
        "X_test_pre": X_test_pre,
        "y_test_pre": y_test_pre,
        "X_test_post": X_test_post,
        "y_test_post": y_test_post,
        "X_train_pre": X_train_pre,
        "y_train_pre": y_train_pre,
        "X_train_post": X_train_post,
        "y_train_post": y_train_post,
        "X_train_over_pre": X_train_over_pre,
        "y_train_over_pre": y_train_over_pre,
        "X_train_over_post": X_train_over_post,
        "y_train_over_post": y_train_over_post,
        "X_train_under_pre": X_train_under_pre,
        "y_train_under_pre": y_train_under_pre,
        "X_train_under_post": X_train_under_post,
        "y_train_under_post": y_train_under_post,
    }

    return data_dic

if __name__ == "__main__":

    # Reading training data
    data_dic = read_data()
77 78 79 80

    # Defining the models to train
    # --------------------------------------------------------------------------------------------------------
    # 1. No class weight
Joaquin Torres's avatar
Joaquin Torres committed
81
    models_1 = {#"DT" : DecisionTreeClassifier(), 
82
            "RF" : RandomForestClassifier(n_estimators=50), 
83 84 85
            # "Bagging" : BaggingClassifier(),
            # "AB" : AdaBoostClassifier(), 
            # "XGB": XGBClassifier(),
86 87 88 89
            # "LR" : LogisticRegression(max_iter=1000), 
            # "ElNet" : LogisticRegression(max_iter=1000, penalty='elasticnet'), 
            # "SVM" : SVC(probability=True), 
            # "MLP" : MLPClassifier(max_iter=500),
90 91 92
            }
    
    # 2. Class weight 
Joaquin Torres's avatar
Joaquin Torres committed
93
    models_2 = {#"DT" : DecisionTreeClassifier(class_weight='balanced'), 
94
            "RF" : RandomForestClassifier(n_estimators=50, class_weight='balanced'), 
95 96 97
            # "Bagging" : BaggingClassifier(), # <-
            # "AB" : AdaBoostClassifier(),  # <-
            # "XGB": XGBClassifier(), # <-
98 99 100 101
            # "LR" : LogisticRegression(max_iter=1000, class_weight='balanced'), 
            # "ElNet" : LogisticRegression(max_iter=1000, penalty='elasticnet', class_weight='balanced'), 
            # "SVM" : SVC(probability=True, class_weight='balanced'), 
            # "MLP" : MLPClassifier(max_iter=500), # <-
102 103
            }
    # --------------------------------------------------------------------------------------------------------
104 105 106 107

    # Setup
    # --------------------------------------------------------------------------------------------------------
    # Scorings to use for model evaluation
108
    scorings = {'recall':make_scorer(recall_score), 'precision':make_scorer(precision_score)}
109 110
    # Defining cross-validation protocol
    cv = StratifiedKFold(n_splits=10, shuffle=True, random_state=1)
111 112 113 114 115 116 117
    result_cols = [f"{model}_{metric}" for model in models_1.keys() for metric in ['PREC', 'REC']]
    method_names = {
        0: "ORIG",
        1: "ORIG_CW",
        2: "OVER",
        3: "UNDER"
    }
118 119
    # --------------------------------------------------------------------------------------------------------

120 121 122 123
    # Evaluating performance through cross validation and exporting results
    # --------------------------------------------------------------------------------------------------------
    # Store each df as a sheet in an excel file
    sheets_dict = {}
124 125 126 127 128 129 130
    for i, group in enumerate(['pre', 'post']):
        for j, method in enumerate(['', '', 'over_', 'under_']):
            # Get dataset based on group and method
            X = data_dic['X_train_' + method + group]
            y = data_dic['y_train_' + method + group]
            # Use group of models with class weight if needed
            models = models_2 if j == 2 else models_1 
131 132
            # Save results in dataframe (10 columns since 10-fold cv)
            res_df = pd.DataFrame(columns=range(1,11), index=result_cols)
133
            for model_name, model in models.items():
134 135 136 137 138 139 140 141 142 143 144 145 146
                cv_scores = cross_validate(model, X, y, scoring=scorings, cv=cv, return_train_score=True, n_jobs=1)
                res_df.loc[model_name + '_PREC'] = list(np.around(np.array(cv_scores["test_precision"]),4))
                res_df.loc[model_name + '_REC'] = list(np.around(np.array(cv_scores["test_recall"]),4))
            
            # Store the DataFrame in the dictionary with a unique key for each sheet
            sheet_name = f"{group}_{method_names[j]}"
            sheets_dict[sheet_name] = res_df
    # Write results to Excel file
    with pd.ExcelWriter('./training_models/output/cross_val_res.xlsx') as writer:
        for sheet_name, data in sheets_dict.items():
            data.to_excel(writer, sheet_name=sheet_name)
    # --------------------------------------------------------------------------------------------------------
    
147