xgboostツリーのハイパーパラメーターを調整する方法は?


68

クラスに不均衡なデータがあり、xgboostを使用してブーストされた房のハイパーパラメーターを調整したい。

ご質問

  1. xgboostのgridsearchcvまたはrandomsearchcvに相当するものはありますか?
  2. そうでない場合、xgboostのパラメータを調整するための推奨アプローチは何ですか?


感謝しますが、そのリンクは別の問題を議論し、私の質問に答えません。
GeorgeOfTheRF

パラメータの正確な名称はありますxgboost(max.depth)xgb.train(max_depth)?xgboostは、異なる場所のパラメーターに一貫してドットとアンダースコアを使用しますか?または彼らは変換されますか?
-smci

1
@smci、「help( "xgboost-deprecated")」を確認してください
ヘマントルパニ

回答:


82

xgboostin へのインターフェースcaretが最近変更されたため、ハイパーパラメーターのcaret調整に使用するための完全にコメントされたウォークスルーを提供するスクリプトを次に示しxgboostます。

このために、Kaggleコンペティション「Give Me Some Credit」のトレーニングデータを使用します。

1. xgboostモデルのあてはめ

このセクションでは、次のことを行います。

  • xgboost任意のハイパーパラメーターを使用してモデルを近似する
  • 相互検証を使用して損失(AUC-ROC)を評価します(xgb.cv
  • トレーニングとテストの評価指標をプロットする

これを行うコードを次に示します。

library(caret)
library(xgboost)
library(readr)
library(dplyr)
library(tidyr)

# load in the training data
df_train = read_csv("04-GiveMeSomeCredit/Data/cs-training.csv") %>%
  na.omit() %>%                                                                # listwise deletion 
  select(-`[EMPTY]`) %>%
  mutate(SeriousDlqin2yrs = factor(SeriousDlqin2yrs,                           # factor variable for classification
                                   labels = c("Failure", "Success")))

# xgboost fitting with arbitrary parameters
xgb_params_1 = list(
  objective = "binary:logistic",                                               # binary classification
  eta = 0.01,                                                                  # learning rate
  max.depth = 3,                                                               # max tree depth
  eval_metric = "auc"                                                          # evaluation/loss metric
)

# fit the model with the arbitrary parameters specified above
xgb_1 = xgboost(data = as.matrix(df_train %>%
                                   select(-SeriousDlqin2yrs)),
                label = df_train$SeriousDlqin2yrs,
                params = xgb_params_1,
                nrounds = 100,                                                 # max number of trees to build
                verbose = TRUE,                                         
                print.every.n = 1,
                early.stop.round = 10                                          # stop if no improvement within 10 trees
)

# cross-validate xgboost to get the accurate measure of error
xgb_cv_1 = xgb.cv(params = xgb_params_1,
                  data = as.matrix(df_train %>%
                                     select(-SeriousDlqin2yrs)),
                  label = df_train$SeriousDlqin2yrs,
                  nrounds = 100, 
                  nfold = 5,                                                   # number of folds in K-fold
                  prediction = TRUE,                                           # return the prediction using the final model 
                  showsd = TRUE,                                               # standard deviation of loss across folds
                  stratified = TRUE,                                           # sample is unbalanced; use stratified sampling
                  verbose = TRUE,
                  print.every.n = 1, 
                  early.stop.round = 10
)

# plot the AUC for the training and testing samples
xgb_cv_1$dt %>%
  select(-contains("std")) %>%
  mutate(IterationNum = 1:n()) %>%
  gather(TestOrTrain, AUC, -IterationNum) %>%
  ggplot(aes(x = IterationNum, y = AUC, group = TestOrTrain, color = TestOrTrain)) + 
  geom_line() + 
  theme_bw()

AUCのテストとトレーニングの様子は次のとおりです。

ここに画像の説明を入力してください

2.を使用したハイパーパラメーター検索 train

ハイパーパラメーター検索では、次の手順を実行します。

  • data.frame訓練されたモデルが必要なパラメータのユニークな組み合わせでを作成します。
  • 交差検定パラメーターなど、各モデルのトレーニングに適用する制御パラメーターを指定し、AUCを計算できるように確率を計算することを指定します
  • 各パラメーターの組み合わせに対してモデルを相互検証およびトレーニングし、各モデルのAUCを保存します。

これを行う方法を示すコードを次に示します。

# set up the cross-validated hyper-parameter search
xgb_grid_1 = expand.grid(
  nrounds = 1000,
  eta = c(0.01, 0.001, 0.0001),
  max_depth = c(2, 4, 6, 8, 10),
  gamma = 1
)

# pack the training control parameters
xgb_trcontrol_1 = trainControl(
  method = "cv",
  number = 5,
  verboseIter = TRUE,
  returnData = FALSE,
  returnResamp = "all",                                                        # save losses across all models
  classProbs = TRUE,                                                           # set to TRUE for AUC to be computed
  summaryFunction = twoClassSummary,
  allowParallel = TRUE
)

# train the model for each parameter combination in the grid, 
#   using CV to evaluate
xgb_train_1 = train(
  x = as.matrix(df_train %>%
                  select(-SeriousDlqin2yrs)),
  y = as.factor(df_train$SeriousDlqin2yrs),
  trControl = xgb_trcontrol_1,
  tuneGrid = xgb_grid_1,
  method = "xgbTree"
)

# scatter plot of the AUC against max_depth and eta
ggplot(xgb_train_1$results, aes(x = as.factor(eta), y = max_depth, size = ROC, color = ROC)) + 
  geom_point() + 
  theme_bw() + 
  scale_size_continuous(guide = "none")

最後に、etaおよびのバリエーションについてAUCのバブルプロットを作成できますmax_depth

ここに画像の説明を入力してください


キャレットは、xgboostのサブサンプルやその他のパラメーターについて、グリッド検索のイータ、ガンマ、最大深度のみをサポートしていますか?
GeorgeOfTheRF

2
@ML_Proほとんどのxgboostパラメーターのサポートが存在するようになりました。特にサポートgammaが新しくなりました。ここではサポートされているパラメータの完全なリストです。
tchakravarty

それはxgboostによるサポートですよね?私の質問は、すべてのパラメーターがグリッド検索のキャレットをサポートしているか
どうかです。ジョージオブザリーフ

1
マルチクラス分類に必要な変更は何でしょうか。またscale_pose_weight、不均衡な分類の使用についてのドキュメントもあります。方法の詳細を提供できますか?ありがとう!
弟子

1
不均衡なクラスの問題についてscale_pos_weightは、パラメータのドキュメントに記載されていますscale_pos_weightキャレット調整パラメータではありませんが、手動で比較できます。私の場合、重みを使用してもほとんど効果がありませんでした(バイナリ分類、20%を
超える

24

Caretパッケージにはxgboostが組み込まれています。

cv.ctrl <- trainControl(method = "repeatedcv", repeats = 1,number = 3, 
                        #summaryFunction = twoClassSummary,
                        classProbs = TRUE,
                        allowParallel=T)

    xgb.grid <- expand.grid(nrounds = 1000,
                            eta = c(0.01,0.05,0.1),
                            max_depth = c(2,4,6,8,10,14)
    )
    set.seed(45)
    xgb_tune <-train(formula,
                     data=train,
                     method="xgbTree",
                     trControl=cv.ctrl,
                     tuneGrid=xgb.grid,
                     verbose=T,
                     metric="Kappa",
                     nthread =3
    )

サンプル出力

eXtreme Gradient Boosting 

32218 samples
   41 predictor
    2 classes: 'N', 'Y' 

No pre-processing
Resampling: Cross-Validated (3 fold, repeated 1 times) 
Summary of sample sizes: 21479, 21479, 21478 
Resampling results

  Accuracy   Kappa      Accuracy SD   Kappa SD   
  0.9324911  0.1094426  0.0009742774  0.008972911

私が見る1つの欠点は、サブサンプルなどのxgboostの他のパラメータが現在キャレットでサポートされていないことです。

編集

ガンマ、colsample_bytree、min_child_weight、サブサンプルなどは、キャレットを使用して直接調整できるようになりました(2017年6月)。上記のコードのグリッド部分に追加するだけで機能します。コメントで強調してくれたusεr11852に感謝します。


4
上記の欠点に関するマイナーアップデート。caret今(2月- 2017年)は、のために追加のパラメータをサポートしgammacolsample_bytreemin_child_weightsubsample。(だから、効果的にチューニングすることができ、ほぼすべてのもの-時間与えられた)
復活モニック言うusεr11852

10

これは古い質問ですが、上記の方法とは異なる方法を使用しています。Bayesian OptimizationパッケージのBayesianOptimization関数を使用して、最適なパラメーターを見つけます。これを行うには、最初にクロス検証フォールドを作成xgb.cv.bayesしてから、変更するブースティングハイパーパラメーターをパラメーターとして持つ関数を作成します。この例では、チューニングしていmax.depth, min_child_weight, subsample, colsample_bytree, gammaます。次にxgb.cv、の入力パラメーターでハイパーパラメーターを設定して、その関数を呼び出しますxgb.cv.bayes。次にBayesianOptimizationxgb.cv.bayesおよびブーストハイパーパラメーターの望ましい範囲で呼び出します。 init_points指定された範囲からランダムに取得されたハイパーパラメーターを持つ初期モデルの数n_iterは、初期点の後のモデルのラウンド数です。この関数は、すべてのブースティングパラメーターとテストAUCを出力します。

cv_folds <- KFold(as.matrix(df.train[,target.var]), nfolds = 5, 
                  stratified = TRUE, seed = 50)
xgb.cv.bayes <- function(max.depth, min_child_weight, subsample, colsample_bytree, gamma){
  cv <- xgv.cv(params = list(booster = 'gbtree', eta = 0.05,
                             max_depth = max.depth,
                             min_child_weight = min_child_weight,
                             subsample = subsample,
                             colsample_bytree = colsample_bytree,
                             gamma = gamma,
                             lambda = 1, alpha = 0,
                             objective = 'binary:logistic',
                             eval_metric = 'auc'),
                 data = data.matrix(df.train[,-target.var]),
                 label = as.matrix(df.train[, target.var]),
                 nround = 500, folds = cv_folds, prediction = TRUE,
                 showsd = TRUE, early.stop.round = 5, maximize = TRUE,
                 verbose = 0
  )
  list(Score = cv$dt[, max(test.auc.mean)],
       Pred = cv$pred)
}

xgb.bayes.model <- BayesianOptimization(
  xgb.cv.bayes,
  bounds = list(max.depth = c(2L, 12L),
                min_child_weight = c(1L, 10L),
                subsample = c(0.5, 1),
                colsample_bytree = c(0.1, 0.4),
                gamma = c(0, 10)
  ),
  init_grid_dt = NULL,
  init_points = 10,  # number of random points to start search
  n_iter = 20, # number of iterations after initial random points are set
  acq = 'ucb', kappa = 2.576, eps = 0.0, verbose = TRUE
)

1
これは良いアプローチですが、警告があります:RパッケージrBayesianOptimizationは、最新のCRANバージョン1.1.0(2年以上更新されていない)の時点で、テストがなく、Pythonより制限の厳しいライセンスがありますメソッドの元の作成者によるパッケージ(テストを含む)。github.com/fmfn/BayesianOptimizationを参照してください。
エニャ

8

これは古い質問ですが、xgboostパラメータの調整方法を共有すると思いました。私はもともとこれにキャレットを使用すると思っていましたが、最近、すべてのパラメーターと欠損値を処理する問題を発見しました。また、パラメーターのさまざまな組み合わせで反復ループを作成することを検討していましたが、並行して実行し、時間がかかりすぎることを望んでいました。NMOFパッケージのgridSearchを使用すると、両方の世界から最高の結果が得られました(すべてのパラメーターと並列処理)。以下は、バイナリ分類のサンプルコードです(WindowsおよびLinuxで動作します)。

# xgboost task parameters
nrounds <- 1000
folds <- 10
obj <- 'binary:logistic'
eval <- 'logloss'

# Parameter grid to search
params <- list(
  eval_metric = eval,
  objective = obj,
  eta = c(0.1,0.01),
  max_depth = c(4,6,8,10),
  max_delta_step = c(0,1),
  subsample = 1,
  scale_pos_weight = 1
)

# Table to track performance from each worker node
res <- data.frame()

# Simple cross validated xgboost training function (returning minimum error for grid search)
xgbCV <- function (params) {
  fit <- xgb.cv(
    data = data.matrix(train), 
    label = trainLabel, 
    param =params, 
    missing = NA, 
    nfold = folds, 
    prediction = FALSE,
    early.stop.round = 50,
    maximize = FALSE,
    nrounds = nrounds
  )
  rounds <- nrow(fit)
  metric = paste('test.',eval,'.mean',sep='')
  idx <- which.min(fit[,fit[[metric]]]) 
  val <- fit[idx,][[metric]]
  res <<- rbind(res,c(idx,val,rounds))
  colnames(res) <<- c('idx','val','rounds')
  return(val)
}

# Find minimal testing error in parallel
cl <- makeCluster(round(detectCores()/2)) 
clusterExport(cl, c("xgb.cv",'train','trainLabel','nrounds','res','eval','folds'))
sol <- gridSearch(
  fun = xgbCV,
  levels = params,
  method = 'snow',
  cl = cl,
  keepNames = TRUE,
  asList = TRUE
)

# Combine all model results
comb=clusterEvalQ(cl,res)
results <- ldply(comb,data.frame)
stopCluster(cl)

# Train model given solution above
params <- c(sol$minlevels,objective = obj, eval_metric = eval)
xgbModel <- xgboost(
  data = xgb.DMatrix(data.matrix(train),missing=NaN, label = trainLabel),
  param = params,
  nrounds = results[which.min(results[,2]),1]
)

print(params)
print(results)
弊社のサイトを使用することにより、あなたは弊社のクッキーポリシーおよびプライバシーポリシーを読み、理解したものとみなされます。
Licensed under cc by-sa 3.0 with attribution required.