#!/usr/bin/env python # coding: utf-8 # # Model Tuning # > A Summary of lecture "Machine Learning with Tree-Based Models in Python", via datacamp # # - toc: true # - badges: true # - comments: true # - author: Chanseok Kang # - categories: [Python, Datacamp, Machine_Learning] # - image: # In[1]: import pandas as pd import numpy as np import matplotlib.pyplot as plt import seaborn as sns # ## Tuning a CART's Hyperparameters # - Hyperparameters # - Machine learning model: # - parameters: learned from data # - CART example: split-point of a node, split-feature of a node, ... # - hyperparameters: not learned from data, set prior to training # - CART example: ```max_depth```, ```min_samples_leaf```, splitting criterion, ... # - What is hyperparameter tuning? # - Problem: search for a set of optimal hyperparameters for a learning algorithm. # - Solution: find a set of optimal hyperparameters that results in an optimal model. # - Optimal model: yields an optimal score # - Score : defaults to accuracy (classification) and $R^2$ (regression) # - Cross-validation is used to estimate the generalization performance. # - Approaches to hyperparameter tuning # - Grid Search # - Random Search # - Bayesian Optimization # - Genetic Algorithm # - ... # - Grid search cross validation # - Manually set a grid of discrete hyperparameter values. # - Set a metric for scoring model performance. # - Search exhaustively through the grid. # - For each set of hyperparameters, evaluate each model's CV score # - The optimal hyperparameters are those of the model achieving the best CV score. # ### Tree hyperparameters # In the following exercises you'll revisit the [Indian Liver Patient](https://www.kaggle.com/uciml/indian-liver-patient-records) dataset which was introduced in a previous chapter. # # Your task is to tune the hyperparameters of a classification tree. Given that this dataset is imbalanced, you'll be using the ROC AUC score as a metric instead of accuracy. # - Preprocess # In[2]: indian = pd.read_csv('./datasets/indian_liver_patient_preprocessed.csv', index_col=0) indian.head() # In[3]: X = indian.drop('Liver_disease', axis='columns') y = indian['Liver_disease'] # In[11]: from sklearn.model_selection import train_test_split X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=2) # In[8]: from sklearn.tree import DecisionTreeClassifier # Instantiate dt dt = DecisionTreeClassifier() # Check default hyperparameter dt.get_params() # ### Set the tree's hyperparameter grid # In this exercise, you'll manually set the grid of hyperparameters that will be used to tune the classification tree ```dt``` and find the optimal classifier in the next exercise. # # # In[9]: # Define params_dt params_dt = { 'max_depth': [2, 3, 4], 'min_samples_leaf': [0.12, 0.14, 0.16, 0.18], } # ### Search for the optimal tree # In this exercise, you'll perform grid search using 5-fold cross validation to find ```dt```'s optimal hyperparameters. Note that because grid search is an exhaustive process, it may take a lot time to train the model. Here you'll only be instantiating the ```GridSearchCV``` object without fitting it to the training set. As discussed in the video, you can train such an object similar to any scikit-learn estimator by using the ```.fit()``` method: # ```python # grid_object.fit(X_train, y_train) # ``` # # In[14]: from sklearn.model_selection import GridSearchCV # Instantiate grid_dt grid_dt = GridSearchCV(estimator=dt, param_grid=params_dt, scoring='roc_auc', cv=5, n_jobs=-1) grid_dt.fit(X_train, y_train) # ### Evaluate the optimal tree # In this exercise, you'll evaluate the test set ROC AUC score of grid_dt's optimal model. # # In order to do so, you will first determine the probability of obtaining the positive label for each test set observation. You can use the method ```predict_proba()``` of an sklearn classifier to compute a 2D array containing the probabilities of the negative and positive class-labels respectively along columns. # In[15]: from sklearn.metrics import roc_auc_score # Extract the best estimator best_model = grid_dt.best_estimator_ # Predict the test set probabilities of the positive class y_pred_proba = best_model.predict_proba(X_test)[:, 1] # Compute test_roc_auc test_roc_auc = roc_auc_score(y_test, y_pred_proba) # Print test_roc_auc print("Test set ROC AUC score: {:.3f}".format(test_roc_auc)) # ## Tuning a RF's Hyperparameters # - Random Forest Hyperparameters # - CART hyperparameters # - number of estimators # - Whether it uses bootstrapping or not # - ... # - Tuning is expensive # - Hyperparameter tuning: # - Computationally expensive, # - sometimes leads to very slight improvement # - Weight the impact of tuning on the whole project # ### Random forests hyperparameters # In the following exercises, you'll be revisiting the [Bike Sharing Demand](https://www.kaggle.com/c/bike-sharing-demand) dataset that was introduced in a previous chapter. Recall that your task is to predict the bike rental demand using historical weather data from the Capital Bikeshare program in Washington, D.C.. For this purpose, you'll be tuning the hyperparameters of a Random Forests regressor. # - Preprocess # In[16]: bike = pd.read_csv('./datasets/bikes.csv') bike.head() # In[17]: X = bike.drop('cnt', axis='columns') y = bike['cnt'] # In[20]: X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=2) # In[18]: from sklearn.ensemble import RandomForestRegressor # Instantiate rf rf = RandomForestRegressor() # Get hyperparameters rf.get_params() # ### Set the hyperparameter grid of RF # In this exercise, you'll manually set the grid of hyperparameters that will be used to tune ```rf```'s hyperparameters and find the optimal regressor. For this purpose, you will be constructing a grid of hyperparameters and tune the number of estimators, the maximum number of features used when splitting each node and the minimum number of samples (or fraction) per leaf. # In[19]: # Define the dicrionary 'params_rf' params_rf = { 'n_estimators': [100, 350, 500], 'max_features': ['log2', 'auto', 'sqrt'], 'min_samples_leaf': [2, 10, 30], } # ### Search for the optimal forest # In this exercise, you'll perform grid search using 3-fold cross validation to find ```rf```'s optimal hyperparameters. To evaluate each model in the grid, you'll be using the negative mean squared error metric. # # Note that because grid search is an exhaustive search process, it may take a lot time to train the model. Here you'll only be instantiating the ```GridSearchCV``` object without fitting it to the training set. As discussed in the video, you can train such an object similar to any scikit-learn estimator by using the ```.fit()``` method: # ```python # grid_object.fit(X_train, y_train) # ``` # In[21]: from sklearn.model_selection import GridSearchCV # Instantiate grid_rf grid_rf = GridSearchCV(estimator=rf, param_grid=params_rf, scoring='neg_mean_squared_error', cv=3, verbose=1, n_jobs=-1) # fit model grid_rf.fit(X_train, y_train) # ### Evaluate the optimal forest # In this last exercise of the course, you'll evaluate the test set RMSE of ```grid_rf```'s optimal model. # In[22]: from sklearn.metrics import mean_squared_error as MSE # Extract the best estimator best_model = grid_rf.best_estimator_ # Predict test set labels y_pred = best_model.predict(X_test) # Compute rmse_test rmse_test = MSE(y_test, y_pred) ** 0.5 # Print rmse_test print('Test RMSE of best model: {:.3f}'.format(rmse_test))