#!/usr/bin/env python # coding: utf-8 # [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/fonnesbeck/Bios8366/blob/master/notebooks/Section6_6-Boosting.ipynb) # # # Supervised Learning: Boosting # # Another effective ensemble method for classification and regression is gradient boosting, or **boosting**. Boosting was originally derived in the computational learning theory literature, where it was proved that one could boost the performance of any "weak" learner arbitrarily high, provided the weak learner could always perform slightly better than chance. The idea is that by sequentially applying very fast, simple models, we can get a total model error which is better than any of the individual pieces. Hastie and Tibshirani describe it as: # # > one of the most powerful learning ideas introduced in the last twenty years. # # ## AdaBoost # # One of the simplest and most prevalent boosting algorithms is the **AdaBoost.M1** method by [Freund and Schapire (1997)](http://www.sciencedirect.com/science/article/pii/S002200009791504X), which aims to improve the accuracy of *any* learning algorithm. # # If we consider a binary output, coded as $Y \in \{-1,1\}$. We can define the error rate of some classifier $G(X)$ as: # # $$\overline{err} = \frac{1}{N} \sum_{i=1}^N I[y_i \ne G(x_i)]$$ # # A classifier is called a *weak* classifier when its error rate is only marginally better than a random selection of outcomes. Boosting takes a weak classifier and applies it sequentially to data which have been weighted by having been passed through previous iterations of the classifier. A final prediction is produced by a weighted majority vote from all the classifiers. # # ![adaboost](http://d.pr/i/1bTsQ+) # # Thus, the $\alpha_m$ values are calculated by the classifier, and are used to weight the estimates in generating a final prediction. Observations that are misclassified by a given classifier are weighted more heavily so that they are given more emphasis in subsequent classification steps. Hence, observations that are more troublesome are given increasing influence, until they are classified correctly. # # ### AdaBoost.M1 # # 1. Initialize observation weights uniformly: $w_i = 1/N$ # 2. Iterate $m=1,\ldots,M$: # + Fit classifier $G_m(x)$ to training data, weighted by $w_i$ # + Calculate weighted classification error: # $$\text{err}_m = \frac{\sum_i w_i I[y_i \ne G_m(x_i)]}{\sum_i w_i}$$ # + Compute $\alpha_m = \log[(1-\text{err}_m)/\text{err}_m]$ # + Recalculate weights: $w_i = w_i \exp(a_m I[y_i \ne G_m(x_i)])$ # 3. Return $G(x) = \text{sign}[\sum_m \alpha_m G_m(x)]$ # # # Boosting is simply a form of forward stagewise additive modeling. It is a particular type of basis function expansion, of the general form: # # $$f(x | \{\beta_m, \theta_m\}) = \sum_{m=1}^M \beta_m b(x | \theta_m)$$ # # where the $\beta_m$ are expansion coefficients and $b$ some multivariate function parameterized by $\theta_m$. We saw an example of such basis expansions in the previous section on decision trees, where the $b$ are internal nodes and the predictions are terminal nodes. # # These models are fit by minimizing some loss function: # # $$\min_{\{\beta_m, \theta_m\}} \sum_{i=1}^N L(y_i, f(x | \{\beta_m, \theta_m\})$$ # # We can approximate the optimization by adding the next basis function to a set of existing functions, without adjusting the parameters of the functions already added. # # The algorithm is as follows: # # 1. Initialize $f_0(x) = 0$ # 2. Iterate $m=1,\ldots,M$: # + Optimize: # $$(\beta_m, \theta_m) = \text{argmin}_{\beta, \theta} \sum_{i=1}^N L(y_i, f_{m-1}(x_i) + \beta_m b(x|\theta_m))$$ # + Set $f_m(x) = f_{m-1}(x) + \beta_m b(x|\theta_m)$ # # We can use a function such as squared-error loss. # # Returning to AdaBoost.M1, we can use an exponential loss function: # # $$L(y, f(x)) = \exp(-y \alpha G(x))$$ # # which means we need to calculate: # # $$(\alpha_m, G_m) = \text{argmin}_{\alpha, G} \sum_{i=1}^N w_i^{(m)} \exp[-y_i \alpha G(x_i)]$$ # # where the weights are: # # $$w_i^{(m)} = \exp[-y_i f_{m-1}(x)] $$ # # Let's implement this algorithm in Python, and run it on some artificial data, which consists of two predictors, simulated from a uniform random number generator, with the class label set to 1 where both values are greater than 0.4, and -1 otherwise. # In[ ]: get_ipython().run_line_magic('matplotlib', 'inline') import numpy as np import matplotlib.pyplot as plt import seaborn as sns sns.set(style='darkgrid') # In[ ]: ndata = 50 np.random.seed(42) train_data = np.random.rand(2, ndata) train_classes = np.where(((train_data[0,:]>0.4) & (train_data[1,:]>0.4)),1,-1) test_data = np.random.rand(2,ndata) test_classes = np.where(((test_data[0,:]>0.4) & (test_data[1,:]>0.4)),1,-1) fig, (ax1, ax2) = plt.subplots(1, 2, figsize=(10,4)) ax1.plot(train_data[0, np.where(train_classes==-1)], train_data[1, np.where(train_classes==-1)],'ro') ax1.plot(train_data[0, np.where(train_classes==1)], train_data[1, np.where(train_classes==1)],'bo') ax1.set_title('Training Data') ax2.plot(test_data[0, np.where(test_classes==-1)], test_data[1, np.where(test_classes==-1)],'ro') ax2.plot(test_data[0, np.where(test_classes==1)], test_data[1, np.where(test_classes==1)],'bo') ax2.set_title('Test Data'); # We can specify a very simple weak classifier that generates a class label by fitting only one of the two predictor variables, based on a threshold value. # In[ ]: def classify(data, true_classes, value): # Classify classes = np.where(data0, 1, -1) pred_test_classes = np.where(pred_test[m]>0, 1, -1) train_errors[m] = sum(pred_train_classes!=y_train) test_errors[m] = sum(pred_test_classes!=y_test) if m and (weighted_error==0 or weighted_error>=0.5): M=m print('exiting at',m) break plt.plot(np.arange(M), train_errors[:M]/N,'k-', np.arange(M), test_errors[:M]/N,'k--') plt.legend(('Training error','Test error')) plt.xlabel('Iterations') plt.ylabel('Error') # In[ ]: np.random.seed(42) adaboost(train_data, train_classes, test_data, test_classes) # So, the algorithm takes what is a weak classifier and iteratively builds a strong ensemble classifier. # # A similar approach can be applied to decision trees, whereby the simplest possible tree (depth=1) is used as a weak classifier at each step. This is often *worse* than random chance for classification at the outset, but when boosting is applied, the resulting classifier can be powerful. This approach to ensemble decision tree learning is called **stumping**. # ## Boosting Trees # # Recall that for decision trees, we partition the space of all predictor variables into disjoint regions $R_j$, where some constant value $\gamma_j$ (e.g. a mean) is returned for any points in the parameter space located within $R_j$. Formally, we can express a tree as: # # $$T(x|\{R_j, \gamma_j\}) = \sum_{j=1}^J \gamma_j I(x \in R_j)$$ # # The optimization required to find the best parameters is computationally difficult, and we typically fall back on growing and pruning strategies to obtain a competitive solution that is not guaranteed to be optimal. # # An alternative approach is to apply boosting to tree-building, which is just a sum of trees: # # $$f_M(x) = \sum_{m=1}^M T(x| \{ R_{j}, \gamma_{j} \}_m)$$ # # induced in a stagewise manner. Specifically, at each step we solve: # # $$(R_m, \gamma_m) = \text{argmin}_{R, \gamma} \sum_{i=1}^N L(y_i, f_{m-1}(x_i) + T(x_i| \{R_j, \gamma_j\}_m))$$ # # where $L$ is a chosen loss function. # # So, we can implement the AdaBoost method here. # # However, solving the optimization above is difficult, so we fall back on numerical optimization to approximate a solution. # # # ### Gradient Tree Boosting Algorithm # # 1. Initialize $f_0(x) = \text{argmin}_{\gamma} \sum_i L(y_i, \gamma)$ # 2. Iterate from m=1 to M: # + For all $i=1,\ldots,N$ calculate: # $$r_{im} = - \left[\frac{\partial L(y_i,f(x_i))}{\partial f(x_i)}\right]_{f=f_{m-1}}$$ # + Fit a tree to $r_{im}$ and determine regions $R_{jm}$ # + Compute: # $$\gamma_{jm} = \text{argmin}_{\gamma} \sum_{x_i \in R_{jm}} L(y_i, f_{m-1}(x_i)\gamma)$$ # + Update: # $$f_m(x) = f_{m-1}(x) + \sum_j \gamma_{jm} I(x\in R_{jm})$$ # 3. Return boosted model: $\hat{f}(x) =f_m(x)$ # # It turns out, for squared error loss the negative gradient is just the **residual**: # # $$r_{im} = y_i - f_{m-1}(x_i)$$ # # Thus, successive trees are fit to the residuals from the current model. The new tree is added to the function, and the residuals are updated. # Thus, for regression problems, boosting is a form of **functional gradient descent**. Boosting is a numerical optimization technique for minimizing the loss function by adding, at each step, a new tree that best reduces (by stepping down the gradient) the cost function. For boosted regression trees, the first regression tree is the one that, for the selected tree size, maximally reduces the loss function. For subsequent steps, the focus is on the residuals: on variation in the response that is not so far explained by the model. # # The process is *stagewise*, meaning that existing trees are left unchanged as the model is enlarged. Only the fitted value for each observation is re-estimated at each step to reflect the contribution of the newly added tree. The final model is a linear combination of many trees (usually hundreds to thousands) that can be thought of as a regression model where each term itself is a tree. # # The example below presents a simple artificial problem, generated from a sinoid function with random Gaussian noise. There are 100 training points (blue) for fitting the model and 100 test data points (red) which for evaluating the approximation. # In[ ]: np.random.seed(13) def true_model(x): return x * np.sin(x) + np.sin(2 * x) def gen_data(n_samples=200): x = np.random.uniform(0, 10, size=n_samples) x.sort() y = true_model(x) + 0.75 * np.random.normal(size=n_samples) train_mask = np.random.randint(0, 2, size=n_samples).astype(bool) x_train, y_train = x[train_mask, np.newaxis], y[train_mask] x_test, y_test = x[~train_mask, np.newaxis], y[~train_mask] return x_train, x_test, y_train, y_test X_train, X_test, y_train, y_test = gen_data(200) x_plot = np.linspace(0, 10, 500) def plot_data(alpha=0.6): plt.figure(figsize=(8, 5)) gt = plt.plot(x_plot, true_model(x_plot), alpha=alpha, label='true function') # plot training and testing data plt.scatter(X_train, y_train, s=10, alpha=alpha, label='training data') plt.scatter(X_test, y_test, s=10, alpha=alpha, color='red', label='testing data') plt.xlim((0, 10)) plt.ylabel('y') plt.xlabel('x') plt.legend(loc='upper left') plot_data() # If you fit an **individual** regression tree to the above data you get a piece-wise constant approximation. The deeper you grow the tree the more constant segments you can accomodate thus the more variance you can capture. # In[ ]: from sklearn.tree import DecisionTreeRegressor plot_data() est = DecisionTreeRegressor(max_depth=1).fit(X_train, y_train) plt.plot(x_plot, est.predict(x_plot[:, np.newaxis]), label='RT max_depth=1', color='g', alpha=0.9, linewidth=2) plt.legend(loc='upper left'); # In[ ]: from sklearn.tree import DecisionTreeRegressor plot_data() est = DecisionTreeRegressor(max_depth=1).fit(X_train, y_train) plt.plot(x_plot, est.predict(x_plot[:, np.newaxis]), label='RT max_depth=1', color='g', alpha=0.9, linewidth=2) est = DecisionTreeRegressor(max_depth=3).fit(X_train, y_train) plt.plot(x_plot, est.predict(x_plot[:, np.newaxis]), label='RT max_depth=3', color='g', alpha=0.7, linewidth=1) plt.legend(loc='upper left'); # Now lets examine the effect on the approximation by adding more trees. Scikit-learn provides two estimators for gradient boosting: `GradientBoostingClassifier` and `GradientBoostingRegressor`, both are located in the `sklearn.ensemble` submodule. The relevant hyperparameters for these estimators include: # # * number of regression trees (`n_estimators`) # * depth of each individual tree (`max_depth`) # * loss function (`loss`) # * learning rate (`learning_rate`) # # The gradient boosting estimators allow you to evaluate the prediction of a model as a function of the number of trees via the `staged_predict` and `stages_predict_proba` methods. The return a generator that iterates over the predictions as you add more and more trees. # In[ ]: from sklearn.ensemble import GradientBoostingClassifier, GradientBoostingRegressor from itertools import islice plot_data() max_depth = 1 est = GradientBoostingRegressor(n_estimators=1000, max_depth=max_depth, learning_rate=1.0) est.fit(X_train, y_train) ax = plt.gca() first = True # step over prediction as we added 20 more trees. for pred in islice(est.staged_predict(x_plot[:, np.newaxis]), 0, 1000, 20): plt.plot(x_plot, pred, color='r', alpha=0.2) if first: ax.annotate('High bias - low variance', xy=(x_plot[x_plot.shape[0] // 2], pred[x_plot.shape[0] // 2]), xycoords='data', xytext=(3, 4), textcoords='data', arrowprops=dict(arrowstyle="->", color='k', connectionstyle="arc")) first = False pred = est.predict(x_plot[:, np.newaxis]) plt.plot(x_plot, pred, color='r', label='GBRT max_depth={}'.format(max_depth)) ax.annotate('Low bias - high variance', xy=(x_plot[x_plot.shape[0] // 2], pred[x_plot.shape[0] // 2]), xycoords='data', xytext=(6.25, -6), textcoords='data', arrowprops=dict(arrowstyle="->", color='k', connectionstyle="arc")) plt.legend(loc='upper left'); # The above plot shows 50 red lines, each shows the response of the GBRT model after 20 trees have been added. It starts with a very crude approximation that can only fit more-or-less constant functions (ie. _High bias - low variance_) but as we add more trees the more variance our model can capture resulting in the solid red line. # # We can see that the more trees we add to our GBRT model and the deeper the individual trees are the more variance we can capture thus the higher the complexity of our model. But as usual in machine learning model complexity trades off variance and bias. # # A *deviance plot* shows the training/testing error (or deviance) as a function of the number of trees. # In[ ]: colors = '#1b9e77','#d95f02','#7570b3','#e7298a','#66a61e','#e6ab02','#a6761d','#666666' n_estimators = len(est.estimators_) def deviance_plot(est, X_test, y_test, ax=None, label='', train_color=colors[0], test_color=colors[1], alpha=1.0): test_dev = np.array([est.loss_(y_test, pred) for pred in est.staged_predict(X_test)]) if ax is None: fig = plt.figure(figsize=(8, 5)) ax = plt.gca() ax.plot(np.arange(n_estimators) + 1, test_dev, color=test_color, label='Test %s' % label, linewidth=2, alpha=alpha) ax.plot(np.arange(n_estimators) + 1, est.train_score_, color=train_color, label='Train %s' % label, linewidth=2, alpha=alpha) ax.set_ylabel('Error') ax.set_xlabel('n_estimators') ax.set_ylim((0, 2)) return test_dev, ax # In[ ]: test_dev, ax = deviance_plot(est, X_test, y_test) ax.legend(loc='upper right') # add some annotations ax.annotate('Lowest test error', xy=(test_dev.argmin() + 1, test_dev.min() + 0.02), xycoords='data', xytext=(150, 1.0), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) ann = ax.annotate('', xy=(800, test_dev[799]), xycoords='data', xytext=(800, est.train_score_[799]), textcoords='data', arrowprops=dict(arrowstyle="<->", color='k')) ax.text(810, 0.25, 'train-test gap'); # The green line above shows the training error: it rapidly decreases in the beginning and then gradually slows down but keeps decreasing as we add more and more trees. The testing error (upper line) too decreases rapidly in the beginning but then slows down and reaches its minimum fairly early (~50 trees) and then even starts increasing. # # An increasing train-test gap is usually a sign of *overfitting*. # # The great thing about gradient boosting is that it provides a number of ways to control overfitting. # ### Regularization # # There are three tuning parameters to consider: # # 1. The depth and number of trees (boosting can overfit with very large numbers of deep trees) # 2. Shrinkage parameter $\lambda$ (typically 0.01 or 0.001; smaller values require more trees to be effective) # 3. Randomization # # #### Tree Structure # # The depth of the individual trees is one aspect of model complexity. The depth of the trees basically control the degree of feature **interactions** that your model can fit. For example, if you want to capture the interaction between a feature ``latitude`` and a feature ``longitude`` your trees need a depth of at least two to capture this. Unfortunately, the degree of feature interactions is not known in advance but it is usually fine to assume that it is faily low; in practice, a depth of 4-6 usually gives the best results. In scikit-learn you can constrain the depth of the trees using the ``max_depth`` argument. # # Another way to control the depth of the trees is by enforcing a lower bound on the number of samples in a leaf. This will avoid inbalanced splits where a leaf is formed for just one extreme data point. In scikit-learn you can do this using the argument ``min_samples_leaf``. This is effectively a means to introduce bias into your model with the hope to also reduce variance as shown in the example below: # In[ ]: colors = '#2ca25f', '#99d8c9', '#e34a33', '#fdbb84', '#c51b8a', '#fa9fb5' def fmt_params(params): return ", ".join("{0}={1}".format(key, val) for key, val in params.items()) fig = plt.figure(figsize=(8, 5)) ax = plt.gca() for params, (test_color, train_color) in [({}, (colors[0], colors[1])), ({'min_samples_leaf': 3}, (colors[2], colors[3])), ({'min_samples_leaf': 10}, (colors[4], colors[5]))]: est = GradientBoostingRegressor(n_estimators=n_estimators, max_depth=1, learning_rate=1.0) est.set_params(**params) est.fit(X_train, y_train) test_dev, ax = deviance_plot(est, X_test, y_test, ax=ax, label=fmt_params(params), train_color=train_color, test_color=test_color) ax.annotate('Higher bias', xy=(900, est.train_score_[899]), xycoords='data', xytext=(600, 0.3), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) ax.annotate('Lower variance', xy=(900, test_dev[899]), xycoords='data', xytext=(600, 0.4), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) plt.legend(loc='upper right'); # #### Shrinkage # # The most important regularization technique for GBRT is shrinkage: the idea is basically to do slow learning by strongly shrinking the predictions of each individual tree by some small scalar, the ``learning_rate``. By doing so the model has to re-enforce concepts. A lower ``learning_rate`` requires a higher number of ``n_estimators`` to get to the same level of training error -- so its trading runtime against accuracy. # In[ ]: n_estimators = 6000 # In[ ]: fig = plt.figure(figsize=(8, 5)) ax = plt.gca() for params, (test_color, train_color) in [({}, (colors[0], colors[1])), ({'learning_rate': 0.1}, (colors[2], colors[3])), ({'learning_rate': 0.01}, (colors[4], colors[5]))]: est = GradientBoostingRegressor(n_estimators=n_estimators, max_depth=1, learning_rate=1.0) est.set_params(**params) est.fit(X_train, y_train) test_dev, ax = deviance_plot(est, X_test, y_test, ax=ax, label=fmt_params(params), train_color=train_color, test_color=test_color) ax.annotate('Requires more trees', xy=(200, est.train_score_[199]), xycoords='data', xytext=(300, 1.0), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) ax.annotate('Lower test error', xy=(900, test_dev[899]), xycoords='data', xytext=(600, 0.5), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) plt.legend(loc='upper right'); # #### Stochastic Gradient Boosting # # Similar to random forests, introducing **randomization** into the tree building process can lead to higher accuracy. Scikit-learn provides two ways to introduce randomization: # # 1. subsampling the training set before growing each tree (``subsample``) # 2. subsampling the features before finding the best split node (``max_features``). # # Subsampling features works better if there is a sufficiently large number of features (>30). # # Both options reduce runtime. # # Below we show the effect of using ``subsample=0.5``, ie. growing each tree on 50% of the training data, on our toy example: # In[ ]: fig = plt.figure(figsize=(8, 5)) ax = plt.gca() for params, (test_color, train_color) in [({}, (colors[0], colors[1])), ({'learning_rate': 0.1, 'subsample': 0.5}, (colors[2], colors[3]))]: est = GradientBoostingRegressor(n_estimators=n_estimators, max_depth=1, learning_rate=1.0, random_state=1) est.set_params(**params) est.fit(X_train, y_train) test_dev, ax = deviance_plot(est, X_test, y_test, ax=ax, label=fmt_params(params), train_color=train_color, test_color=test_color) ax.annotate('Even lower test error', xy=(400, test_dev[399]), xycoords='data', xytext=(500, 0.5), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) est = GradientBoostingRegressor(n_estimators=n_estimators, max_depth=1, learning_rate=1.0, subsample=0.5) est.fit(X_train, y_train) test_dev, ax = deviance_plot(est, X_test, y_test, ax=ax, label=fmt_params({'subsample': 0.5}), train_color=colors[4], test_color=colors[5], alpha=0.5) ax.annotate('Subsample alone does poorly', xy=(300, test_dev[299]), xycoords='data', xytext=(250, 1.0), textcoords='data', arrowprops=dict(arrowstyle="->", connectionstyle="arc", color='k'), ) plt.legend(loc='upper right', fontsize='small'); # ### Hyperparameter tuning # # We now have introduced a number of hyperparameters, each of which require selection via optimization, and some of which interact with each other (``learning_rate`` and ``n_estimators``, ``learning_rate`` and ``subsample``, ``max_depth`` and ``max_features``). # # We usually follow this recipe to tune the hyperparameters for a gradient boosting model: # # 1. Choose ``loss`` based on your problem at hand (i.e. target metric) # 2. Pick ``n_estimators`` as large as (computationally) possible (e.g. 3000). # 3. Tune ``max_depth``, ``learning_rate``, ``min_samples_leaf``, and ``max_features`` via grid search. # 4. Increase ``n_estimators`` even more and tune ``learning_rate`` again holding the other parameters fixed. # # Scikit-learn provides a convenient API for hyperparameter tuning and grid search: # In[ ]: from sklearn.model_selection import GridSearchCV param_grid = {'learning_rate': [0.1, 0.05, 0.02, 0.01], 'max_depth': [4, 6], 'min_samples_leaf': [3, 5, 9, 17], # 'max_features': [1.0, 0.3, 0.1] ## not possible in our example (only 1 fx) } est = GradientBoostingRegressor(n_estimators=3000) # this may take some minutes gs_cv = GridSearchCV(est, param_grid, n_jobs=4).fit(X_train, y_train) # best hyperparameter setting gs_cv.best_params_ # ## Example: California Housing # # This example shows how to apply GBRT to a real-world dataset. The task is to predict the log median house value for census block groups in California. The dataset is based on the 1990 censues comprising roughly 20.000 groups. There are 8 features for each group including: median income, average house age, latitude, and longitude. # # We will use Mean Absolute Error as our target metric and evaluate the results on an 80-20 train-test split. # In[ ]: import pandas as pd from sklearn.datasets import fetch_california_housing from sklearn.model_selection import train_test_split cal_housing = fetch_california_housing() names = cal_housing.feature_names # split 80/20 train-test X_train, X_test, y_train, y_test = train_test_split(pd.DataFrame(cal_housing.data, columns=names), np.log(cal_housing.target), test_size=0.2, random_state=1) # Some of the aspects that make this dataset challenging are: # # - heterogenous features (different scales and distributions) # - non-linear feature interactions (specifically latitude and longitude) # # Furthermore, the data contains some extreme values of the response (log median house value). Hence, analysis of this dataset will benefit from robust regression techniques. # # Below are histograms showing some of the features, along with the response. You can see that they are quite different: median income is left skewed, latitude and longitude are bi-modal, and log median house value is right skewed. # In[ ]: X_df = pd.DataFrame(data=X_train, columns=names) X_df['LogMedHouseVal'] = y_train _ = X_df.hist(column=['Latitude', 'Longitude', 'MedInc', 'LogMedHouseVal']) plt.tight_layout(); # Lets fit a gradient boosteed regression tree (GBRT) model to this dataset and inspect the model: # In[ ]: est = GradientBoostingRegressor(n_estimators=3000, max_depth=6, learning_rate=0.04, loss='huber', random_state=0) est.fit(X_train, y_train) # Huber loss (`huber`) is a loss function used in robust regression, that is less sensitive to outliers in data than the squared error loss. # # $$L_{\delta}(x) = \left\{ \begin{array}{lr} # \frac{1}{2} x^2 & \text{for } |x| \le \delta\\ # \delta (|x| - \frac{1}{2} \delta) & \text{otherwise} # \end{array} \right.$$ # In[ ]: from sklearn.metrics import mean_absolute_error mae = mean_absolute_error(y_test, est.predict(X_test)) print('MAE: %.4f' % mae) # ### Feature importance # # Often features do not contribute equally to predict the target response. When interpreting a model, the first question usually is: what are those important features and how do they contributing in predicting the target response? # # Feature importance in regression trees can be measured by the amount RSS is decreased due to splits over a given predictor, averaged over all trees. # # A GBRT model derives this information from the fitted regression trees which intrinsically perform feature selection by choosing appropriate split points. You can access this information via the instance attribute ``est.feature_importances_``. # In[ ]: # sort importances indices = np.argsort(est.feature_importances_) # plot as bar chart plt.barh(np.arange(len(names)), est.feature_importances_[indices]) plt.yticks(np.arange(len(names)) + 0.25, np.array(names)[indices]) _ = plt.xlabel('Relative importance') # In[ ]: import shap explainer = shap.Explainer(est.predict, X_train[:100]) shap_values = explainer(X_train[:100]) # In[ ]: shap.plots.beeswarm(shap_values) # ### Exercise: Gradient boosting for classification # # Smith et al. (1988) used statistical learning to forecast the onset of diabetes mellitus. The diagnostic, binary-valued variable investigated is whether the patient shows signs of diabetes according to World Health Organization criteria. The variables include: # # 1. Number of times pregnant # 2. Plasma glucose concentration a 2 hours in an oral glucose tolerance test # 3. Diastolic blood pressure (mm Hg) # 4. Triceps skin fold thickness (mm) # 5. 2-Hour serum insulin (mu U/ml) # 6. Body mass index (weight in kg/(height in m)^2) # 7. Diabetes pedigree function # 8. Age (years) # 9. Class variable (0 or 1) # # Use the `GradientBoostingClassifier` to forecast diabetes using the available features. # In[ ]: DATA_URL = 'https://raw.githubusercontent.com/fonnesbeck/Bios8366/master/data/' col_names = ['n_pregnant', 'plasma_glucose', 'diastolic_bp', 'triceps_skin', 'insulin_2h', 'bmi', 'pedigree_function', 'age', 'diabetes'] try: diabetes = pd.read_csv('../data/pima-indians-diabetes.data.txt', header=None, names=col_names) except FileNotFoundError: diabetes = pd.read_csv(DATA_URL + 'pima-indians-diabetes.data.txt', header=None, names=col_names) diabetes.head() # In[ ]: # Write your answer here # ### Partial dependence # # We were introduced to partial depedence plots in the decision trees lecture. Scikit-learn also provides functionality for generating partial dependence plots. # # The plot below contains 4 one-way partial depencence plots (PDP) each showing the effect of an individual feature on the repsonse. We can see that median income ``MedInc`` has a linear relationship with the log median house value. # # The contour plot shows a two-way PDP. Here we can see an interesting feature interaction. It seems that house age itself has hardly an effect on the response but when ``AveOccup`` is small it has an effect (the older the house the higher the price). # In[ ]: from sklearn.inspection import PartialDependenceDisplay fig, ax = plt.subplots(figsize=(12, 6)) features = ['MedInc', 'AveOccup', 'HouseAge', 'AveRooms', ('AveOccup', 'HouseAge'), ('MedInc', 'HouseAge')] PartialDependenceDisplay.from_estimator(est, X_train, features, feature_names=names, ax=ax); # Scikit-learn provides a convenience function to create such plots: ``sklearn.ensemble.partial_dependence.plot_partial_dependence`` or a low-level function that you can use to create custom partial dependence plots (e.g. map overlays or 3d plots). # ## XGBoost # # [XGBoost](https://arxiv.org/abs/1603.02754) is an open-source, high-performance implementation of gradient boosting methods for decision trees. It features natively-parallel tree construction, out-of-core computation, and cache optimization, and is readily deployable on clusters. It typically offers better speed and performance relative to `scikit-learn` and other comparable libraries. # # ![](http://d.pr/i/pjkGym+) # # ![](http://d.pr/i/mlQJj9+) # # While XGBoost is a C++ library, it includes several interfaces: # # - Command Line Interface (CLI). # - Python # - R # - Julia # - Java # - Scala # # Its Python interface has a syntax that is compatible with `scikit-learn`. # XGBoost can be installed from `conda` or `pip`. # In[ ]: get_ipython().system('conda install -y xgboost') # In[ ]: import xgboost as xgb dtrain = xgb.DMatrix(X_train, label=y_train) dtest = xgb.DMatrix(X_test, label=y_test) # We can set a number of parameters using a Python dict. Here are a few notables: # # - `max_depth`: maximum tree depth of each tree # - `eta`: learning rate # - `gamma`: Minimum loss reduction required to make a further partition on a leaf node of the tree (regularization) # - `silent`: verbosity of output written to log # - `objective`: objective function for error evaluation # - `eval_metric`: evaluation metrics for validation data # - `subsample`: subsampling of training data # - `colsample_bytree`: subsampling ratio of columns # - `reg_alpha`: L1 regularization # - `reg_lambda`: L2 regularization # - `base_score`: global bias term # # Here we will use a linear regression objective, since we are estimating house values. # In[ ]: xgb_params = { 'max_depth': 10, 'eta': 0.1, 'objective': 'reg:squarederror', 'eval_metric': 'rmse'} # Rather than instantiating an object, the parameters and data are passed to the `train` function. # In[ ]: boosted_regmod = xgb.train(xgb_params, dtrain, num_boost_round=30) boosted_regmod # Notice that some model parameters are passed as an argument to the `train` function. `num_boost_round` is the number of boosting rounds (or trees) to build. The appropriate value depends on the other parameters, and therefore needs to be tuned for each parameter set. # # Recall that trees are built sequentially. This allows us to test our model at each step and see if adding a new tree improves performance. We can specify a value for `early_stopping_round` such that if validation error does not decrease over that interval, training stops. This aslo requires a test dataset with the `evals` argument. # In[ ]: boosted_regmod = xgb.train(xgb_params, dtrain, num_boost_round=1000, evals=[(dtest, "Test")], early_stopping_rounds=3) # In[ ]: boosted_regmod.dump_model('model_dump.txt') # In[ ]: house_preds = boosted_regmod.predict(dtest) # In[ ]: from sklearn.metrics import explained_variance_score explained_variance_score(house_preds, y_test) # In[ ]: xgb.plot_importance(boosted_regmod); # In[ ]: explainer = shap.TreeExplainer(boosted_regmod) shap_values = explainer(X_test) # In[ ]: shap.waterfall_plot(shap_values[10]) # In[ ]: shap.plots.beeswarm(shap_values) # To optimize the other hyperparameters, we can use the `cv` function. Here again we can specify a maximum number of boosting rounds (`num_boost_round`) and an associated `early_stopping_rounds` in order to find the optimial number of boosting rounds. # In[ ]: xgb.cv(xgb_params, dtrain, nfold=5, num_boost_round=500, early_stopping_rounds=5, verbose_eval=1000) # We may want to tune other parameters, such as `max_depth` and `min_child_weight`. The latter is the minimum weight required in order to create a new node in the tree. Smaller `min_child_weight` values allow the algorithm to create children that correspond to fewer samples, thus allowing for more complex trees (with the associated risk of overfitting). # # These two parameters can be used to alter the complexity of the trees, hence they should be tuned together. We can make a grid of candidate values for both and use `cv` to select the best combination. # In[ ]: param_grid = [(max_depth, min_child_weight) for max_depth in (5, 10, 15) for min_child_weight in (3, 5, 7)] # In[ ]: min_rmse = np.inf best_params = None for max_depth, min_child_weight in param_grid: print("CV with max_depth={}, min_child_weight={}".format( max_depth, min_child_weight)) # Update our parameters xgb_params['max_depth'] = max_depth xgb_params['min_child_weight'] = min_child_weight # Run CV cv_results = xgb.cv( xgb_params, dtrain, num_boost_round=50, nfold=5, metrics={'rmse'}, early_stopping_rounds=3 ) # Update best score mean_rmse = cv_results['test-rmse-mean'].min() boost_rounds = cv_results['test-rmse-mean'].argmin() print("\tRMSE {} for {} rounds".format(mean_rmse, boost_rounds)) if mean_rmse < min_rmse: min_rmse = mean_rmse best_params = (max_depth, min_child_weight) print("Best params: {}, {}, MAE: {}".format(best_params[0], best_params[1], min_rmse)) # There is also a `scikit-learn`-compatible interface that uses DataFrames and NumPy arrays rather than `DMatrix` objects. These can be used with all of scikit-learn's utilities. # In[ ]: xgbr = xgb.XGBRegressor(colsample_bytree=0.5, n_estimators=1000) xgbr.fit(X_train, y_train) # In[ ]: predictions = xgbr.predict(X_test) explained_variance_score(predictions,y_test) # ## Example: Pitch classification # # Using the Statcast pitch dataset from the previous notebook, use gradient boosted trees to predict pitch type, and compare the performance to that of random forests. # In[ ]: try: pitches = pd.read_csv('../data/pitches.csv', index_col=0) except FileNotFoundError: pitches = pd.read_csv(DATA_URL + 'pitches.csv', index_col=0) # In[ ]: # Write your answer here # ## References # # T. Hastie, R. Tibshirani and J. Friedman. (2009) [Elements of Statistical Learning: Data Mining, Inference, and Prediction](http://statweb.stanford.edu/~tibs/ElemStatLearn/), second edition. Springer. # # S. Marsland. (2009) [Machine Learning: An Algorithmic Perspective](Machine Learning: An Algorithmic Perspectivehttp://seat.massey.ac.nz/personal/s.r.marsland/MLBook.html). CRC Press. # # Data Robot Blog: [Gradient Boosted Regression Trees](http://www.datarobot.com/blog/gradient-boosted-regression-trees/)