Guide to SuperLearner

Chris Kennedy, University of California, Berkeley

March 16, 2017

1 Background

SuperLearner is an algorithm that uses cross-validation to estimate the performance of multiple machine learning models, or the same model with different settings. It then creates an optimal weighted average of those models, aka an “ensemble”, using the test data performance. This approach has been proven to be asymptotically as accurate as the best possible prediction algorithm that is tested.

(We are oversimplifying this in the interest of brevity. Please see the references for more detailed information, especially “SuperLearner in Prediction”.)

2 Software requirements and installation

Make sure to have R 3.2 or greater, and preferably 3.3+.

Install the stable version of SuperLearner from CRAN:

install.packages("SuperLearner")

Or the development version from Github:

# Install remotes first:
# install.packages("remotes")
remotes::install_github("ecpolley/SuperLearner")

The Github version generally has some new features, fixes some bugs, but may also introduce new bugs. We will use the github version, and if we run into any bugs we can report them. This material is also currently consistent with the latest SuperLearner on CRAN (2.0-21).

Install the other packages we will use:

install.packages(c("caret", "glmnet", "randomForest", "ggplot2", "RhpcBLASctl"))

For XGBoost we need to tweak the install command a bit; Windows users may need to install Rtools first.

install.packages("xgboost", repos=c("http://dmlc.ml/drat/", getOption("repos")), type="source")

3 Setup dataset

We will be using the “Boston” dataset which is available from the “MASS” package.

############################
# Setup example dataset.

# Load a dataset from the MASS package.
data(Boston, package = "MASS")

# Review info on the Boston dataset.
?MASS::Boston

# Check for any missing data - looks like we don't have any.
colSums(is.na(Boston))
##    crim      zn   indus    chas     nox      rm     age     dis     rad     tax 
##       0       0       0       0       0       0       0       0       0       0 
## ptratio   black   lstat    medv 
##       0       0       0       0
# Extract our outcome variable from the dataframe.
outcome = Boston$medv

# Create a dataframe to contain our explanatory variables.
data = subset(Boston, select = -medv)

# Check structure of our dataframe.
str(data)
## 'data.frame':    506 obs. of  13 variables:
##  $ crim   : num  0.00632 0.02731 0.02729 0.03237 0.06905 ...
##  $ zn     : num  18 0 0 0 0 0 12.5 12.5 12.5 12.5 ...
##  $ indus  : num  2.31 7.07 7.07 2.18 2.18 2.18 7.87 7.87 7.87 7.87 ...
##  $ chas   : int  0 0 0 0 0 0 0 0 0 0 ...
##  $ nox    : num  0.538 0.469 0.469 0.458 0.458 0.458 0.524 0.524 0.524 0.524 ...
##  $ rm     : num  6.58 6.42 7.18 7 7.15 ...
##  $ age    : num  65.2 78.9 61.1 45.8 54.2 58.7 66.6 96.1 100 85.9 ...
##  $ dis    : num  4.09 4.97 4.97 6.06 6.06 ...
##  $ rad    : int  1 2 2 3 3 3 5 5 5 5 ...
##  $ tax    : num  296 242 242 222 222 222 311 311 311 311 ...
##  $ ptratio: num  15.3 17.8 17.8 18.7 18.7 18.7 15.2 15.2 15.2 15.2 ...
##  $ black  : num  397 397 393 395 397 ...
##  $ lstat  : num  4.98 9.14 4.03 2.94 5.33 ...
# If we had factor variables we would use model.matrix() to convert to numerics.

# Review our dimensions.
dim(data)
## [1] 506  13
# Set a seed for reproducibility in this random sampling.
set.seed(1)

# Reduce to a dataset of 150 observations to speed up model fitting.
train_obs = sample(nrow(data), 150)

# X is our training sample.
x_train = data[train_obs, ]

# Create a holdout set for evaluating model performance.
# Note: cross-validation is even better than a single holdout sample.
x_holdout = data[-train_obs, ]

# Create a binary outcome variable: towns in which median home value is > 22,000.
outcome_bin = as.numeric(outcome > 22)

y_train = outcome_bin[train_obs]
y_holdout = outcome_bin[-train_obs]

# Review the outcome variable distribution.
table(y_train, useNA = "ifany")
## y_train
##  0  1 
## 92 58

4 Review available models

library(SuperLearner)
## Loading required package: nnls
## Loading required package: gam
## Loading required package: splines
## Loading required package: foreach
## Loaded gam 1.22-3
## Super Learner
## Version: 2.0-29
## Package created on 2024-02-06
# Review available models.
listWrappers()
## All prediction algorithm wrappers in SuperLearner:
##  [1] "SL.bartMachine"      "SL.bayesglm"         "SL.biglasso"        
##  [4] "SL.caret"            "SL.caret.rpart"      "SL.cforest"         
##  [7] "SL.earth"            "SL.gam"              "SL.gbm"             
## [10] "SL.glm"              "SL.glm.interaction"  "SL.glmnet"          
## [13] "SL.ipredbagg"        "SL.kernelKnn"        "SL.knn"             
## [16] "SL.ksvm"             "SL.lda"              "SL.leekasso"        
## [19] "SL.lm"               "SL.loess"            "SL.logreg"          
## [22] "SL.mean"             "SL.nnet"             "SL.nnls"            
## [25] "SL.polymars"         "SL.qda"              "SL.randomForest"    
## [28] "SL.ranger"           "SL.ridge"            "SL.rpart"           
## [31] "SL.rpartPrune"       "SL.speedglm"         "SL.speedlm"         
## [34] "SL.step"             "SL.step.forward"     "SL.step.interaction"
## [37] "SL.stepAIC"          "SL.svm"              "SL.template"        
## [40] "SL.xgboost"
## 
## All screening algorithm wrappers in SuperLearner:
## [1] "All"
## [1] "screen.SIS"            "screen.corP"           "screen.corRank"       
## [4] "screen.glmnet"         "screen.randomForest"   "screen.template"      
## [7] "screen.ttest"          "write.screen.template"
# Peek at code for a model.
SL.glmnet
## function (Y, X, newX, family, obsWeights, id, alpha = 1, nfolds = 10, 
##     nlambda = 100, useMin = TRUE, loss = "deviance", ...) 
## {
##     .SL.require("glmnet")
##     if (!is.matrix(X)) {
##         X <- model.matrix(~-1 + ., X)
##         newX <- model.matrix(~-1 + ., newX)
##     }
##     fitCV <- glmnet::cv.glmnet(x = X, y = Y, weights = obsWeights, 
##         lambda = NULL, type.measure = loss, nfolds = nfolds, 
##         family = family$family, alpha = alpha, nlambda = nlambda, 
##         ...)
##     pred <- predict(fitCV, newx = newX, type = "response", s = ifelse(useMin, 
##         "lambda.min", "lambda.1se"))
##     fit <- list(object = fitCV, useMin = useMin)
##     class(fit) <- "SL.glmnet"
##     out <- list(pred = pred, fit = fit)
##     return(out)
## }
## <bytecode: 0x125a5af58>
## <environment: namespace:SuperLearner>

For maximum accuracy one might try at least the following models: glmnet, randomForest, XGBoost, SVM, and bartMachine. These should ideally be tested with multiple hyperparameter settings for each algorithm.

5 Fit individual models

Let’s fit 2 separate models: lasso (sparse, penalized OLS) and random forest. We specify family = binomial() because we are predicting a binary outcome, aka classification. With a continuous outcome we would specify family = gaussian().

# Set the seed for reproducibility.
set.seed(1)

# Fit lasso model.
sl_lasso = SuperLearner(Y = y_train, X = x_train, family = binomial(),
                        SL.library = "SL.glmnet")
## Loading required namespace: glmnet
sl_lasso
## 
## Call:  
## SuperLearner(Y = y_train, X = x_train, family = binomial(), SL.library = "SL.glmnet") 
## 
## 
## 
##                     Risk Coef
## SL.glmnet_All 0.08484849    1
# Review the elements in the SuperLearner object.
names(sl_lasso)
##  [1] "call"              "libraryNames"      "SL.library"       
##  [4] "SL.predict"        "coef"              "library.predict"  
##  [7] "Z"                 "cvRisk"            "family"           
## [10] "fitLibrary"        "cvFitLibrary"      "varNames"         
## [13] "validRows"         "method"            "whichScreen"      
## [16] "control"           "cvControl"         "errorsInCVLibrary"
## [19] "errorsInLibrary"   "metaOptimizer"     "env"              
## [22] "times"
# Here is the risk of the best model (discrete SuperLearner winner).
sl_lasso$cvRisk[which.min(sl_lasso$cvRisk)]
## SL.glmnet_All 
##    0.08484849
# Here is the raw glmnet result object:
str(sl_lasso$fitLibrary$SL.glmnet_All$object, max.level = 1)
## List of 12
##  $ lambda    : num [1:90] 0.317 0.289 0.263 0.24 0.218 ...
##  $ cvm       : num [1:90] 1.34 1.28 1.21 1.16 1.1 ...
##  $ cvsd      : num [1:90] 0.0359 0.033 0.0304 0.0292 0.0291 ...
##  $ cvup      : num [1:90] 1.38 1.31 1.24 1.18 1.13 ...
##  $ cvlo      : num [1:90] 1.31 1.24 1.18 1.13 1.08 ...
##  $ nzero     : Named int [1:90] 0 1 1 1 1 1 2 2 2 2 ...
##   ..- attr(*, "names")= chr [1:90] "s0" "s1" "s2" "s3" ...
##  $ call      : language glmnet::cv.glmnet(x = X, y = Y, weights = obsWeights, lambda = NULL, type.measure = loss,      nfolds = nfolds, f| __truncated__
##  $ name      : Named chr "Binomial Deviance"
##   ..- attr(*, "names")= chr "deviance"
##  $ glmnet.fit:List of 13
##   ..- attr(*, "class")= chr [1:2] "lognet" "glmnet"
##  $ lambda.min: num 0.0161
##  $ lambda.1se: num 0.0652
##  $ index     : int [1:2, 1] 33 18
##   ..- attr(*, "dimnames")=List of 2
##  - attr(*, "class")= chr "cv.glmnet"
# Fit random forest.
sl_rf = SuperLearner(Y = y_train, X = x_train, family = binomial(),
                     SL.library = "SL.ranger")
## Loading required namespace: ranger
sl_rf
## 
## Call:  
## SuperLearner(Y = y_train, X = x_train, family = binomial(), SL.library = "SL.ranger") 
## 
## 
## 
##                    Risk Coef
## SL.ranger_All 0.0769573    1

Risk is a measure of model accuracy or performance. We want our models to minimize the estimated risk, which means the model is making the fewest mistakes in its prediction. It’s basically the mean-squared error in a regression model, but you can customize it if you want.

SuperLearner is using cross-validation to estimate the risk on future data. By default it uses 10 folds; use the cvControl argument to customize.

The coefficient column tells us the weight or importance of each individual learner in the overall ensemble. By default the weights are always greater than or equal to 0 and sum to 1. In this case we only have one algorithm so the coefficient has to be 1. If a coefficient is 0 it means that the algorithm isn’t being used in the SuperLearner ensemble.

6 Fit multiple models

Instead of fitting the models separately and looking at the performance (lowest risk), we can fit them simultaneously. SuperLearner will then tell us which one is best (discrete winner) and also create a weighted average of multiple models.

We include the mean of Y (“SL.mean”) as a benchmark algorithm. It is a very simple prediction so the more complex algorithms should do better than the sample mean. We hope to see that it isn’t the best single algorithm (discrete winner) and has a low weight in the weighted-average ensemble. If it is the best algorithm something has likely gone wrong.

set.seed(1)
sl = SuperLearner(Y = y_train, X = x_train, family = binomial(),
  SL.library = c("SL.mean", "SL.glmnet", "SL.ranger"))
sl
## 
## Call:  
## SuperLearner(Y = y_train, X = x_train, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", "SL.ranger")) 
## 
## 
##                     Risk       Coef
## SL.mean_All   0.23773937 0.00000000
## SL.glmnet_All 0.08847869 0.06187827
## SL.ranger_All 0.07207635 0.93812173
# Review how long it took to run the SuperLearner:
sl$times$everything
##    user  system elapsed 
##   0.921   0.041   0.917

Again, the coefficient is how much weight SuperLearner puts on that model in the weighted-average. So if coefficient = 0 it means that model is not used at all. Here we see that random forest is given the most weight, following by lasso.

So we have an automatic ensemble of multiple learners based on the cross-validated performance of those learners, nice!

7 Predict on new data

Now that we have an ensemble let’s predict back on our holdout dataset and review the results.

# Predict back on the holdout dataset.
# onlySL is set to TRUE so we don't fit algorithms that had weight = 0, saving computation.
pred = predict(sl, x_holdout, onlySL = TRUE)

# Check the structure of this prediction object.
str(pred)
## List of 2
##  $ pred           : num [1:356, 1] 0.619 0.904 0.935 0.924 0.855 ...
##  $ library.predict: num [1:356, 1:3] 0 0 0 0 0 0 0 0 0 0 ...
# Review the columns of $library.predict.
summary(pred$library.predict)
##        V1          V2                 V3        
##  Min.   :0   Min.   :0.000008   Min.   :0.0000  
##  1st Qu.:0   1st Qu.:0.026812   1st Qu.:0.0486  
##  Median :0   Median :0.310300   Median :0.3076  
##  Mean   :0   Mean   :0.404139   Mean   :0.4184  
##  3rd Qu.:0   3rd Qu.:0.782474   3rd Qu.:0.8390  
##  Max.   :0   Max.   :0.998259   Max.   :0.9980
# Histogram of our predicted values.
library(ggplot2)
qplot(pred$pred[, 1]) + theme_minimal()
## Warning: `qplot()` was deprecated in ggplot2 3.4.0.
## This warning is displayed once every 8 hours.
## Call `lifecycle::last_lifecycle_warnings()` to see where this warning was
## generated.
## `stat_bin()` using `bins = 30`. Pick better value with `binwidth`.

# Scatterplot of original values (0, 1) and predicted values.
# Ideally we would use jitter or slight transparency to deal with overlap.
qplot(y_holdout, pred$pred[, 1]) + theme_minimal()

# Review AUC - Area Under Curve
pred_rocr = ROCR::prediction(pred$pred, y_holdout)
auc = ROCR::performance(pred_rocr, measure = "auc", x.measure = "cutoff")@y.values[[1]]
auc
## [1] 0.9444868

AUC can range from 0.5 (no better than chance) to 1.0 (perfect). So at 0.97 we are looking pretty good!

8 Fit ensemble with external cross-validation

What we don’t have yet is an estimate of the performance of the ensemble itself. Right now we are just hopeful that the ensemble weights are successful in improving over the best single algorithm.

In order to estimate the performance of the SuperLearner ensemble we need an “external” layer of cross-validation, also called nested cross-validation. We generate a separate holdout sample that we don’t use to fit the SuperLearner, which allows it to be a good estimate of the SuperLearner’s performance on unseen data. Typically we would run 10 or 20-fold external cross-validation, but even 5-fold is reasonable.

Another nice result is that we get standard errors on the performance of the individual algorithms and can compare them to the SuperLearner.

set.seed(1)

# Don't have timing info for the CV.SuperLearner unfortunately.
# So we need to time it manually.

system.time({
  # This will take about 2x as long as the previous SuperLearner.
  cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                          # For a real analysis we would use V = 10.
                          V = 3,
                          SL.library = c("SL.mean", "SL.glmnet", "SL.ranger"))
})
##    user  system elapsed 
##   3.771   0.108   3.788
# We run summary on the cv_sl object rather than simply printing the object.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", "SL.ranger")) 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##      Algorithm      Ave       se      Min      Max
##  Super Learner 0.075050 0.011320 0.066196 0.086264
##    Discrete SL 0.078131 0.011071 0.068646 0.089763
##    SL.mean_All 0.251267 0.010352 0.228500 0.289600
##  SL.glmnet_All 0.081595 0.014502 0.072729 0.095522
##  SL.ranger_All 0.078131 0.011071 0.068646 0.089763
# Review the distribution of the best single learner as external CV folds.
table(simplify2array(cv_sl$whichDiscreteSL))
## 
## SL.ranger_All 
##             3
# Plot the performance with 95% CIs (use a better ggplot theme).
plot(cv_sl) + theme_bw()

# Save plot to a file.
ggsave("SuperLearner.png")
## Saving 5 x 5 in image

We see two SuperLearner results: “Super Learner” and “Discrete SL”. “Discrete SL” chooses the best single learner - in this case SL.glmnet (lasso). “Super Learner” takes a weighted average of the learners using the coefficients/weights that we examined earlier. In general “Super Learner” should perform a little better than “Discrete SL”.

We see based on the outer cross-validation that SuperLearner is statistically tying with the best algorithm. Our benchmark learner “SL.mean” shows that we get a nice improvement over a naive guess based only on the mean. We could also add “SL.glm” to compare to logistic regression.

9 Customize a model hyperparameter

Hyperparameters are the configuration settings for an algorithm. OLS has no hyperparameters but essentially every other algorithm does.

There are two ways to customize a hyperparameter: make a new learner function, or use create.Learner().

Let’s make a variant of random forest that fits more trees, which may increase our accuracy and can’t hurt it (outside of small random variation).

# Review the function argument defaults at the top.
SL.ranger
## function (Y, X, newX, family, obsWeights, num.trees = 500, mtry = floor(sqrt(ncol(X))), 
##     write.forest = TRUE, probability = family$family == "binomial", 
##     min.node.size = ifelse(family$family == "gaussian", 5, 1), 
##     replace = TRUE, sample.fraction = ifelse(replace, 1, 0.632), 
##     num.threads = 1, verbose = T, ...) 
## {
##     .SL.require("ranger")
##     if (family$family == "binomial") {
##         Y = as.factor(Y)
##     }
##     if (is.matrix(X)) {
##         X = data.frame(X)
##     }
##     fit <- ranger::ranger(`_Y` ~ ., data = cbind(`_Y` = Y, X), 
##         num.trees = num.trees, mtry = mtry, min.node.size = min.node.size, 
##         replace = replace, sample.fraction = sample.fraction, 
##         case.weights = obsWeights, write.forest = write.forest, 
##         probability = probability, num.threads = num.threads, 
##         verbose = verbose)
##     pred <- predict(fit, data = newX)$predictions
##     if (family$family == "binomial") {
##         pred = pred[, "1"]
##     }
##     fit <- list(object = fit, verbose = verbose)
##     class(fit) <- c("SL.ranger")
##     out <- list(pred = pred, fit = fit)
##     return(out)
## }
## <bytecode: 0x136139540>
## <environment: namespace:SuperLearner>
# Create a new function that changes just the ntree argument.
# (We could do this in a single line.)
# "..." means "all other arguments that were sent to the function"
SL.rf.better = function(...) {
  SL.randomForest(..., num.trees = 1000)
}

set.seed(1)

# Fit the CV.SuperLearner.
# We use V = 3 to save computation time; for a real analysis use V = 10 or 20.
cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(), V = 3,
                        SL.library = c("SL.mean", "SL.glmnet", "SL.rf.better", "SL.ranger"))
## Loading required namespace: randomForest
# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", "SL.rf.better", "SL.ranger")) 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##         Algorithm      Ave       se      Min      Max
##     Super Learner 0.075144 0.011200 0.064539 0.086757
##       Discrete SL 0.077241 0.011051 0.064539 0.088863
##       SL.mean_All 0.251267 0.010352 0.228500 0.289600
##     SL.glmnet_All 0.081526 0.014699 0.073941 0.093524
##  SL.rf.better_All 0.077266 0.011025 0.064611 0.088863
##     SL.ranger_All 0.078373 0.011450 0.064539 0.090591

Looks like our new RF is not improving performance. This implies that the original 500 trees had already reached the performance plateau - a maximum accuracy that RF can achieve unless other settings are changed (e.g. max nodes).

For comparison we can do the same hyperparameter customization with create.Learner().

# Customize the defaults for random forest.
learners = create.Learner("SL.ranger", params = list(num.trees = 1000))

# Look at the object.
learners
## $grid
## NULL
## 
## $names
## [1] "SL.ranger_1"
## 
## $base_learner
## [1] "SL.ranger"
## 
## $params
## $params$num.trees
## [1] 1000
# List the functions that were created
learners$names
## [1] "SL.ranger_1"
# Review the code that was automatically generated for the function.
# Notice that it's exactly the same as the function we made manually.
SL.ranger_1
## function (...) 
## SL.ranger(..., num.trees = 1000)
set.seed(1)

# Fit the CV.SuperLearner.
# We use V = 3 to save computation time; for a real analysis use V = 10 or 20.
cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                        V = 3,
                        SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger"))

# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger")) 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##        Algorithm      Ave       se      Min      Max
##    Super Learner 0.074712 0.010974 0.068251 0.081414
##      Discrete SL 0.078245 0.011124 0.069159 0.087560
##      SL.mean_All 0.251267 0.010352 0.228500 0.289600
##    SL.glmnet_All 0.080148 0.013766 0.076383 0.087422
##  SL.ranger_1_All 0.076320 0.010940 0.064057 0.087633
##    SL.ranger_All 0.078245 0.011124 0.069159 0.087560

We get exactly the same results between the two methods of creating a custom learner.

10 Test algorithm with multiple hyperparameter settings

The performance of an algorithm varies based on its hyperparamters, which again are its configuration settings. Some algorithms may not vary much, and others might have far better or worse performance for certain settings. Often we focus our attention on 1 or 2 hyperparameters for a given algorithm because they are the most important ones.

For random forest there are two particularly important hyperparameters: mtry and maximum leaf nodes. Mtry is how many features are randomly chosen within each decision tree node - in other words, each time the tree considers making a split. Maximum leaf nodes controls how complex each tree can get.

Let’s try 3 different mtry options.

# sqrt(p) is the default value of mtry for classification.
floor(sqrt(ncol(x_train)))
## [1] 3
# Let's try 3 multiplies of this default: 0.5, 1, and 2.
(mtry_seq = floor(sqrt(ncol(x_train)) * c(0.5, 1, 2)))
## [1] 1 3 7
learners = create.Learner("SL.ranger", tune = list(mtry = mtry_seq))

# Review the resulting object
learners
## $grid
##   mtry
## 1    1
## 2    3
## 3    7
## 
## $names
## [1] "SL.ranger_1" "SL.ranger_2" "SL.ranger_3"
## 
## $base_learner
## [1] "SL.ranger"
## 
## $params
## list()
# Check code for the learners that were created.
SL.ranger_1
## function (...) 
## SL.ranger(..., mtry = 1)
SL.ranger_2
## function (...) 
## SL.ranger(..., mtry = 3)
SL.ranger_3
## function (...) 
## SL.ranger(..., mtry = 7)
set.seed(1)

# Fit the CV.SuperLearner.
# We use V = 3 to save computation time; for a real analysis use V = 10 or 20.
cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(), V = 3,
                        SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger"))

# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger")) 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##        Algorithm      Ave       se      Min      Max
##    Super Learner 0.067422 0.011109 0.059047 0.079571
##      Discrete SL 0.069654 0.012779 0.058404 0.087422
##      SL.mean_All 0.251267 0.010352 0.228500 0.289600
##    SL.glmnet_All 0.078227 0.015002 0.070147 0.087422
##  SL.ranger_1_All 0.101327 0.011421 0.087696 0.114002
##  SL.ranger_2_All 0.078015 0.010917 0.065501 0.089625
##  SL.ranger_3_All 0.070788 0.011871 0.058404 0.090824
##    SL.ranger_All 0.078873 0.011351 0.067551 0.088495

We see here that mtry = 7 performed a little bit better than mtry = 1 or mtry = 3, although the difference is not significant. If we used more data and more cross-validation folds we might see more drastic differences. A higher mtry does better when a small percentage of variables are predictive of the outcome, because it gives each tree a better chance of finding a useful variable.

Note that SL.ranger and SL.ranger_2 have the same settings, and their performance is very similar - statistically a tie. It’s not exactly equivalent due to random variation in the two forests.

A key difference with SuperLearner over caret or other frameworks is that we are not trying to choose the single best hyperparameter or model. Instead, we usually want the best weighted average. So we are including all of the different settings in our SuperLearner, and we may choose a weighted average that includes the same model multiple times but with different settings. That can give us better performance than choosing only the single best settings for a given algorithm, which has some random noise in any case.

11 Multicore parallelization

SuperLearner makes it easy to use multiple CPU cores on your computer to speed up the calculations. We first need to setup R for multiple cores, then tell CV.SuperLearner to divide its computations across those cores.

There are two ways to use multiple cores in R: the “multicore” system and the “snow” system. Windows only supports the “snow” system, which is more difficult to use, whereas macOS and Linux can use either one.

First we show the “multicore” system version:

# Setup parallel computation - use all cores on our computer.
(num_cores = RhpcBLASctl::get_num_cores())
## [1] 8
# Use 2 of those cores for parallel SuperLearner.
# Replace "2" with "num_cores" (without quotes) to use all cores.
options(mc.cores = 2)

# Check how many parallel workers we are using (on macOS/Linux).
getOption("mc.cores")
## [1] 2
# We need to set a different type of seed that works across cores.
# Otherwise the other cores will go rogue and we won't get repeatable results.
# This version is for the "multicore" parallel system in R.
set.seed(1, "L'Ecuyer-CMRG")

# While this is running check CPU using in Activity Monitor / Task Manager.
system.time({
  cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                          # For a real analysis we would use V = 10.
                          V = 3,
                          parallel = "multicore",
                          SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger"))
})
## Loading required namespace: parallel
##    user  system elapsed 
##   1.488   0.180   3.433
# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger"), parallel = "multicore") 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##        Algorithm      Ave        se      Min      Max
##    Super Learner 0.089885 0.0150072 0.053400 0.108138
##      Discrete SL 0.097946 0.0174540 0.059888 0.125348
##      SL.mean_All 0.242600 0.0095617 0.226900 0.260500
##    SL.glmnet_All 0.103421 0.0164995 0.059888 0.125348
##  SL.ranger_1_All 0.095966 0.0110649 0.070209 0.112958
##  SL.ranger_2_All 0.081331 0.0120460 0.050955 0.097769
##  SL.ranger_3_All 0.085191 0.0142613 0.044205 0.108604
##    SL.ranger_All 0.082672 0.0122163 0.055365 0.101896

Here is the “snow” equivalent:

# Make a snow cluster
# Again, replace 2 with num_cores to use all available cores.
cluster = parallel::makeCluster(2)

# Check the cluster object.
cluster
## socket cluster with 2 nodes on host 'localhost'
# Load the SuperLearner package on all workers so they can find
# SuperLearner::All(), the default screening function which keeps all variables.
parallel::clusterEvalQ(cluster, library(SuperLearner))
## [[1]]
##  [1] "SuperLearner" "gam"          "foreach"      "splines"      "nnls"        
##  [6] "stats"        "graphics"     "grDevices"    "utils"        "datasets"    
## [11] "methods"      "base"        
## 
## [[2]]
##  [1] "SuperLearner" "gam"          "foreach"      "splines"      "nnls"        
##  [6] "stats"        "graphics"     "grDevices"    "utils"        "datasets"    
## [11] "methods"      "base"
# We need to explictly export our custom learner functions to the workers.
parallel::clusterExport(cluster, learners$names)

# We need to set a different type of seed that works across cores.
# This version is for SNOW parallelization.
# Otherwise the other cores will go rogue and we won't get repeatable results.
parallel::clusterSetRNGStream(cluster, 1)

# While this is running check CPU using in Activity Monitor / Task Manager.
system.time({
  cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                          # For a real analysis we would use V = 10.
                          V = 3,
                          parallel = cluster,
                          SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger"))
})
##    user  system elapsed 
##   0.003   0.001   3.504
# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger"), parallel = cluster) 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##        Algorithm      Ave        se      Min      Max
##    Super Learner 0.075092 0.0140146 0.063404 0.091431
##      Discrete SL 0.071225 0.0127289 0.063473 0.084369
##      SL.mean_All 0.238600 0.0091846 0.229300 0.246100
##    SL.glmnet_All 0.097299 0.0185871 0.072560 0.120085
##  SL.ranger_1_All 0.098914 0.0114046 0.095896 0.101398
##  SL.ranger_2_All 0.075332 0.0116797 0.068229 0.082422
##  SL.ranger_3_All 0.068490 0.0129529 0.063473 0.076163
##    SL.ranger_All 0.075847 0.0120398 0.068923 0.084369
# Stop the cluster workers now that we're done.
parallel::stopCluster(cluster)

If we want to use multiple cores for normal SuperLearner, not CV.SuperLearner (i.e. external cross-validation to estimate performance), we need to change the function name to mcSuperLearner (“multicore” version) or snowSuperLearner (“snow” version).

First the “multicore” version (won’t be parallel on Windows):

# Set multicore compatible seed.
set.seed(1, "L'Ecuyer-CMRG")

# Fit the SuperLearner.
(sl = mcSuperLearner(Y = y_train, X = x_train, family = binomial(),
                    SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger")))
## 
## Call:  
## mcSuperLearner(Y = y_train, X = x_train, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger")) 
## 
## 
##                       Risk       Coef
## SL.mean_All     0.24253498 0.00000000
## SL.glmnet_All   0.09181320 0.03418021
## SL.ranger_1_All 0.09354215 0.00000000
## SL.ranger_2_All 0.07679200 0.00000000
## SL.ranger_3_All 0.07073819 0.96581979
## SL.ranger_All   0.07596605 0.00000000
# We see the time is reduced over our initial single-core superlearner.
sl$times$everything
##    user  system elapsed 
##   2.153   0.243   1.352

Now the “snow” version, which should be parallel on all operating systems.

# Make a snow cluster
# Reminder: change "2" to "num_cores" (without quotes) to use all available cores.
(cluster = parallel::makeCluster(2))
## socket cluster with 2 nodes on host 'localhost'
# Load the SuperLearner package on all workers so they can find
# SuperLearner::All(), the default screening function which keeps all variables.
parallel::clusterEvalQ(cluster, library(SuperLearner))
## [[1]]
##  [1] "SuperLearner" "gam"          "foreach"      "splines"      "nnls"        
##  [6] "stats"        "graphics"     "grDevices"    "utils"        "datasets"    
## [11] "methods"      "base"        
## 
## [[2]]
##  [1] "SuperLearner" "gam"          "foreach"      "splines"      "nnls"        
##  [6] "stats"        "graphics"     "grDevices"    "utils"        "datasets"    
## [11] "methods"      "base"
# We need to explictly export our custom learner functions to the workers.
parallel::clusterExport(cluster, learners$names)

# We need to set a different type of seed that works across cores.
# This version is for SNOW parallelization.
# Otherwise the other cores will go rogue and we won't get repeatable results.
parallel::clusterSetRNGStream(cluster, 1)

# Fit the SuperLearner.
(sl = snowSuperLearner(Y = y_train, X = x_train, family = binomial(),
                      cluster = cluster,
                      SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger")))
## 
## Call:  
## snowSuperLearner(cluster = cluster, Y = y_train, X = x_train, family = binomial(),  
##     SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger")) 
## 
## 
##                       Risk      Coef
## SL.mean_All     0.23878189 0.0000000
## SL.glmnet_All   0.08486885 0.1368258
## SL.ranger_1_All 0.09155609 0.0000000
## SL.ranger_2_All 0.07482092 0.0000000
## SL.ranger_3_All 0.06912757 0.8631742
## SL.ranger_All   0.07618537 0.0000000
# We see the time is reduced over our initial single-core superlearner.
sl$times$everything
##    user  system elapsed 
##   0.162   0.015   1.578

SuperLearner also supports running across multiple computers at a time, called “multi-node” or “cluster” computing. We will skip that for now.

12 Weight distribution for SuperLearner

The weights or coefficients of the SuperLearner are stochastic - they will change as the data changes. So we don’t necessarily trust a given set of weights as being the “true” weights, but when we use CV.SuperLearner we at least have multiple samples from the distribution of the weights.

We can write a little function to extract the weights at each CV.SuperLearner iteration and summarize the distribution of those weights. This may be added to the SuperLearner package sometime in the future.

# Review meta-weights (coefficients) from a CV.SuperLearner object
review_weights = function(cv_sl) {
  meta_weights = coef(cv_sl)
  means = colMeans(meta_weights)
  sds = apply(meta_weights, MARGIN = 2,  FUN = sd)
  mins = apply(meta_weights, MARGIN = 2, FUN = min)
  maxs = apply(meta_weights, MARGIN = 2, FUN = max)
  # Combine the stats into a single matrix.
  sl_stats = cbind("mean(weight)" = means, "sd" = sds, "min" = mins, "max" = maxs)
  # Sort by decreasing mean weight.
  sl_stats[order(sl_stats[, 1], decreasing = TRUE), ]
}

print(review_weights(cv_sl), digits = 3)
##                 mean(weight)    sd     min   max
## SL.ranger_3_All        0.504 0.497 0.00000 0.994
## SL.glmnet_All          0.302 0.258 0.00643 0.483
## SL.ranger_All          0.194 0.336 0.00000 0.582
## SL.mean_All            0.000 0.000 0.00000 0.000
## SL.ranger_1_All        0.000 0.000 0.00000 0.000
## SL.ranger_2_All        0.000 0.000 0.00000 0.000

Notice that in this case the ensemble never uses the mean nor the randomForest with mtry = 1. Also the LASSO (glmnet) was only used on a subset of the folds. Adding multiple configurations of randomForest was helpful because mtry = 7 was used. However, based on the minimum column we can see that no algorithm was used every single time.

We recommend reviewing the weight distribution for any SuperLearner project to better understand which algorithms are chosen for the ensemble.

13 Feature selection (screening)

When datasets have many covariates our algorithms may benefit from first choosing a subset of available covariates, a step called feature selection. Then we pass only those variables to the modeling algorithm, and it may be less likely to overfit to variables that are not related to the outcome.

Let’s revisit listWrappers() and check out the bottom section.

listWrappers()
## All prediction algorithm wrappers in SuperLearner:
##  [1] "SL.bartMachine"      "SL.bayesglm"         "SL.biglasso"        
##  [4] "SL.caret"            "SL.caret.rpart"      "SL.cforest"         
##  [7] "SL.earth"            "SL.gam"              "SL.gbm"             
## [10] "SL.glm"              "SL.glm.interaction"  "SL.glmnet"          
## [13] "SL.ipredbagg"        "SL.kernelKnn"        "SL.knn"             
## [16] "SL.ksvm"             "SL.lda"              "SL.leekasso"        
## [19] "SL.lm"               "SL.loess"            "SL.logreg"          
## [22] "SL.mean"             "SL.nnet"             "SL.nnls"            
## [25] "SL.polymars"         "SL.qda"              "SL.randomForest"    
## [28] "SL.ranger"           "SL.ridge"            "SL.rpart"           
## [31] "SL.rpartPrune"       "SL.speedglm"         "SL.speedlm"         
## [34] "SL.step"             "SL.step.forward"     "SL.step.interaction"
## [37] "SL.stepAIC"          "SL.svm"              "SL.template"        
## [40] "SL.xgboost"
## 
## All screening algorithm wrappers in SuperLearner:
## [1] "All"
## [1] "screen.SIS"            "screen.corP"           "screen.corRank"       
## [4] "screen.glmnet"         "screen.randomForest"   "screen.template"      
## [7] "screen.ttest"          "write.screen.template"
# Review code for corP, which is based on univariate correlation.
screen.corP
## function (Y, X, family, obsWeights, id, method = "pearson", minPvalue = 0.1, 
##     minscreen = 2, ...) 
## {
##     listp <- apply(X, 2, function(x, Y, method) {
##         ifelse(var(x) <= 0, 1, cor.test(x, y = Y, method = method)$p.value)
##     }, Y = Y, method = method)
##     whichVariable <- (listp <= minPvalue)
##     if (sum(whichVariable) < minscreen) {
##         warning("number of variables with p value less than minPvalue is less than minscreen")
##         whichVariable[rank(listp) <= minscreen] <- TRUE
##     }
##     return(whichVariable)
## }
## <bytecode: 0x146dcc790>
## <environment: namespace:SuperLearner>
set.seed(1)

# Fit the SuperLearner.
# We need to use list() instead of c().
cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                        # For a real analysis we would use V = 10.
                        V = 3,
                        parallel = "multicore",
                        SL.library = list("SL.mean", "SL.glmnet", c("SL.glmnet", "screen.corP")))
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = list("SL.mean",  
##     "SL.glmnet", c("SL.glmnet", "screen.corP")), parallel = "multicore") 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##              Algorithm     Ave        se      Min     Max
##          Super Learner 0.10463 0.0168593 0.065549 0.12602
##            Discrete SL 0.10492 0.0170909 0.066405 0.12602
##            SL.mean_All 0.24260 0.0095617 0.226900 0.26050
##          SL.glmnet_All 0.10492 0.0170909 0.066405 0.12602
##  SL.glmnet_screen.corP 0.10392 0.0163746 0.066405 0.12303

We see a small performance boost by first screening by univarate correlation with our outcome, and only keeping variables with a p-value less than 0.10. Try using some of the other screening algorithms as they may do even better for a particular dataset.

14 Optimize for AUC

For binary prediction we are typically trying to maximize AUC, which can be the best performance metric when our outcome variable has some imbalance. In other words, we don’t have exactly 50% 1s and 50% 0s in our outcome. Our SuperLearner is not targeting AUC by default, but it can if we tell it to by specifying our method.

set.seed(1)

cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                        # For a real analysis we would use V = 10.
                        V = 3,
                        method = "method.AUC",
                        SL.library = list("SL.mean", "SL.glmnet", c("SL.glmnet", "screen.corP")))
## Loading required package: cvAUC
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = list("SL.mean",  
##     "SL.glmnet", c("SL.glmnet", "screen.corP")), method = "method.AUC") 
## 
## Risk is based on: Area under ROC curve (AUC)
## 
## All risk estimates are based on V =  3 
## 
##              Algorithm     Ave se     Min     Max
##          Super Learner 0.92045 NA 0.89372 0.95429
##            Discrete SL 0.91989 NA 0.89372 0.95429
##            SL.mean_All 0.50000 NA 0.50000 0.50000
##          SL.glmnet_All 0.92322 NA 0.89372 0.95429
##  SL.glmnet_screen.corP 0.91989 NA 0.89372 0.95429

This conveniently shows us the AUC for each algorithm without us having to calculate it manually. But we aren’t getting SEs sadly.

Another important optimizer to consider is negative log likelihood, which is intended for binary outcomes and will often work better than NNLS (the default). This is specified by method = “NNloglik”.

15 XGBoost hyperparameter exploration

XGBoost is a version of GBM that is even faster and has some extra settings. GBM’s adaptivity is determined by its configuration, so we want to thoroughly test a wide range of configurations for any given problem. Let’s do 27 now. This will take a good amount of time (~7 minutes on my computer) so we need to at least use multiple cores, if not multiple computers.

# 3 * 3 * 3 = 27 different configurations.
# For a real analysis we would do 100, 500, or 1000 trees - this is just a demo.
tune = list(ntrees = c(10, 20, 50),
            max_depth = 1:3,
            shrinkage = c(0.001, 0.01, 0.1))

# Set detailed names = T so we can see the configuration for each function.
# Also shorten the name prefix.
learners = create.Learner("SL.xgboost", tune = tune, detailed_names = TRUE, name_prefix = "xgb")

# 27 configurations - not too shabby.
length(learners$names)
## [1] 27
learners$names
##  [1] "xgb_10_1_0.001" "xgb_20_1_0.001" "xgb_50_1_0.001" "xgb_10_2_0.001"
##  [5] "xgb_20_2_0.001" "xgb_50_2_0.001" "xgb_10_3_0.001" "xgb_20_3_0.001"
##  [9] "xgb_50_3_0.001" "xgb_10_1_0.01"  "xgb_20_1_0.01"  "xgb_50_1_0.01" 
## [13] "xgb_10_2_0.01"  "xgb_20_2_0.01"  "xgb_50_2_0.01"  "xgb_10_3_0.01" 
## [17] "xgb_20_3_0.01"  "xgb_50_3_0.01"  "xgb_10_1_0.1"   "xgb_20_1_0.1"  
## [21] "xgb_50_1_0.1"   "xgb_10_2_0.1"   "xgb_20_2_0.1"   "xgb_50_2_0.1"  
## [25] "xgb_10_3_0.1"   "xgb_20_3_0.1"   "xgb_50_3_0.1"
# Confirm we have multiple cores configured. This should be > 1.
getOption("mc.cores")
## [1] 2
# Remember to set multicore-compatible seed.
set.seed(1, "L'Ecuyer-CMRG")

# Fit the CV.SuperLearner.
system.time({
  cv_sl = CV.SuperLearner(Y = y_train, X = x_train, family = binomial(),
                          # For a real analysis we would use V = 10.
                          V = 3,
                          parallel = "multicore",
                          SL.library = c("SL.mean", "SL.glmnet", learners$names, "SL.ranger"))
})
##    user  system elapsed 
##   2.414   0.105   4.921
# Review results.
summary(cv_sl)
## 
## Call:  
## CV.SuperLearner(Y = y_train, X = x_train, V = 3, family = binomial(), SL.library = c("SL.mean",  
##     "SL.glmnet", learners$names, "SL.ranger"), parallel = "multicore") 
## 
## Risk is based on: Mean Squared Error
## 
## All risk estimates are based on V =  3 
## 
##           Algorithm      Ave         se      Min     Max
##       Super Learner 0.090546 0.01510607 0.052720 0.11561
##         Discrete SL 0.093214 0.01543835 0.050986 0.12535
##         SL.mean_All 0.242600 0.00956173 0.226900 0.26050
##       SL.glmnet_All 0.104150 0.01673952 0.064775 0.12535
##  xgb_10_1_0.001_All 0.247864 0.00022090 0.247406 0.24828
##  xgb_20_1_0.001_All 0.245773 0.00043925 0.244861 0.24661
##  xgb_50_1_0.001_All 0.239599 0.00103601 0.237065 0.24182
##  xgb_10_2_0.001_All 0.247864 0.00022090 0.247406 0.24828
##  xgb_20_2_0.001_All 0.245773 0.00043925 0.244861 0.24661
##  xgb_50_2_0.001_All 0.239599 0.00103601 0.237065 0.24182
##  xgb_10_3_0.001_All 0.247864 0.00022090 0.247406 0.24828
##  xgb_20_3_0.001_All 0.245773 0.00043925 0.244861 0.24661
##  xgb_50_3_0.001_All 0.239599 0.00103601 0.237065 0.24182
##   xgb_10_1_0.01_All 0.229984 0.00200462 0.224800 0.23455
##   xgb_20_1_0.01_All 0.213539 0.00380533 0.203477 0.22257
##   xgb_50_1_0.01_All 0.179899 0.00791583 0.154434 0.20141
##   xgb_10_2_0.01_All 0.229984 0.00200462 0.224800 0.23455
##   xgb_20_2_0.01_All 0.213539 0.00380533 0.203477 0.22257
##   xgb_50_2_0.01_All 0.179899 0.00791583 0.154434 0.20141
##   xgb_10_3_0.01_All 0.229984 0.00200462 0.224800 0.23455
##   xgb_20_3_0.01_All 0.213539 0.00380533 0.203477 0.22257
##   xgb_50_3_0.01_All 0.179899 0.00791583 0.154434 0.20141
##    xgb_10_1_0.1_All 0.149806 0.01102873 0.113512 0.18562
##    xgb_20_1_0.1_All 0.138650 0.01162345 0.093478 0.18195
##    xgb_50_1_0.1_All 0.139119 0.01173685 0.092681 0.18077
##    xgb_10_2_0.1_All 0.149806 0.01102873 0.113512 0.18562
##    xgb_20_2_0.1_All 0.138650 0.01162345 0.093478 0.18195
##    xgb_50_2_0.1_All 0.139119 0.01173685 0.092681 0.18077
##    xgb_10_3_0.1_All 0.149806 0.01102873 0.113512 0.18562
##    xgb_20_3_0.1_All 0.138650 0.01162345 0.093478 0.18195
##    xgb_50_3_0.1_All 0.139119 0.01173685 0.092681 0.18077
##       SL.ranger_All 0.080964 0.01228891 0.050986 0.10331
review_weights(cv_sl)
##                    mean(weight)        sd       min       max
## SL.ranger_All         0.5635626 0.4236143 0.1540566 1.0000000
## SL.glmnet_All         0.4364374 0.4236143 0.0000000 0.8459434
## SL.mean_All           0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_1_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_1_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_1_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_2_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_2_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_2_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_3_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_3_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_3_0.001_All    0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_1_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_1_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_1_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_2_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_2_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_2_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_3_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_3_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_3_0.01_All     0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_1_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_1_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_1_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_2_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_2_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_2_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_10_3_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_20_3_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000
## xgb_50_3_0.1_All      0.0000000 0.0000000 0.0000000 0.0000000

We can see how stochastic the weights are for each individual execution of SuperLearner.

Finally, plot the performance for the different settings.

plot(cv_sl) + theme_bw()

16 Troubleshooting

  • If you get an error about predict for xgb.Booster, you probably need to install the latest version of XGBoost from github.

17 References

LeDell, E., Petersen, M., & van der Laan, M. (2015). Computationally efficient confidence intervals for cross-validated area under the ROC curve estimates. Electronic journal of statistics, 9(1), 1583.

Polley EC, van der Laan MJ (2010) Super Learner in Prediction. U.C. Berkeley Division of Biostatistics Working Paper Series. Paper 226. https://biostats.bepress.com/ucbbiostat/paper266/

van der Laan, M. J., Polley, E. C. and Hubbard, A. E. (2007) Super Learner. Statistical Applications of Genetics and Molecular Biology, 6, article 25. https://doi.org/10.2202/1544-6115.1309

van der Laan, M. J., & Rose, S. (2011). Targeted learning: causal inference for observational and experimental data. Springer Science & Business Media.