Hands-on 02: Tabular data and BDTs: Classifying LHC collisions#

Goal#

Discriminate \(H\to\tau\tau\) (signal) from background such as \(t\bar{t}\).

Signal:

Example background:

In a real detector, the signal looks like:

Boosted decision tree library: XGBoost#

We’ll use the python API for the XGBoost (eXtreme Gradient Boosting) library.

Data#

ATLAS hosted a Kaggle competition for identifying \(H\to\tau\tau\) events, the Higgs Boson Machine Learning Challenge. The training data for this event contains 250,000 labeled, simulated ATLAS events in csv format described here and here. You can download it yourself, but we will only play with a small subset (10k events).

Data handling#

We’ll use Pandas.

Installing XGBoost#

Assuming you have Python, NumPy, Matplotlib, and Pandas installed, you may need to install XGBoost if it’s not already installed.

pip install xgboost --user

XGBoost Tutorial#

import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
import xgboost as xgb

%matplotlib inline

Data#

Load data#

First, load in the data and look at it. We will download a 10k event subsample of the Kaggle training data. Then we’ll put it in the right format for XGBoost.

! wget https://raw.githubusercontent.com/k-woodruff/bdt-tutorial/master/data/training_10k.csv -O data/training_10k.csv
--2024-03-31 18:25:21--  https://raw.githubusercontent.com/k-woodruff/bdt-tutorial/master/data/training_10k.csv
Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 185.199.111.133, 185.199.108.133, 185.199.109.133, ...
Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|185.199.111.133|:443... connected.
HTTP request sent, awaiting response... 
200 OK
Length: 2210243 (2.1M) [text/plain]
Saving to: ‘data/training_10k.csv’


data/training_10k.c   0%[                    ]       0  --.-KB/s               
data/training_10k.c 100%[===================>]   2.11M  --.-KB/s    in 0.01s   

2024-03-31 18:25:21 (191 MB/s) - ‘data/training_10k.csv’ saved [2210243/2210243]
data = pd.read_csv("data/training_10k.csv")

Let’s see what the data looks like:

print("Size of data: {}".format(data.shape))
print("Number of events: {}".format(data.shape[0]))
print("Number of columns: {}".format(data.shape[1]))

print("\nList of features in dataset:")
for col in data.columns:
    print(col)
Size of data: (10000, 33)
Number of events: 10000
Number of columns: 33

List of features in dataset:
EventId
DER_mass_MMC
DER_mass_transverse_met_lep
DER_mass_vis
DER_pt_h
DER_deltaeta_jet_jet
DER_mass_jet_jet
DER_prodeta_jet_jet
DER_deltar_tau_lep
DER_pt_tot
DER_sum_pt
DER_pt_ratio_lep_tau
DER_met_phi_centrality
DER_lep_eta_centrality
PRI_tau_pt
PRI_tau_eta
PRI_tau_phi
PRI_lep_pt
PRI_lep_eta
PRI_lep_phi
PRI_met
PRI_met_phi
PRI_met_sumet
PRI_jet_num
PRI_jet_leading_pt
PRI_jet_leading_eta
PRI_jet_leading_phi
PRI_jet_subleading_pt
PRI_jet_subleading_eta
PRI_jet_subleading_phi
PRI_jet_all_pt
Weight
Label

Detailed description of features#

Prefix-less variables EventId, Weight, and Label have a special role and should not be used as input to the classifier. The variables prefixed with PRI (for PRImitives) are “raw” quantities about the bunch collision as measured by the detector, essentially the momenta of particles. Variables prefixed with DER (for DERived) are quantities computed from the primitive features. These quantities were selected by the physicists of ATLAS in the reference document either to select regions of interest or as features for the Boosted Decision Trees used in this analysis. In addition:

  • Variables are floating point unless specified otherwise.

  • All azimuthal \(\phi\) angles are in radian in the \([-\pi, +\pi]\) range.

  • Energy, mass, momentum are all in GeV

  • All other variables are unitless.

  • Variables are indicated as “may be undefined” when it can happen that they are meaningless or cannot be computed; in this case, their value is −999.0, which is outside the normal range of all variables.

  • The mass of particles has not been provided, as it can safely be neglected for the Challenge.

Features:

  • EventId: An unique integer identifier of the event. Not to be used as a feature.

  • DER_mass_MMC: The estimated mass \(m_H\) of the Higgs boson candidate, obtained through a probabilistic phase space integration (may be undefined if the topology of the event is too far from the expected topology)

  • DER_mass_transverse_met_lep: The transverse mass (21) between the missing transverse energy and the lepton.

  • DER_mass_vis: The invariant mass (20) of the hadronic tau and the lepton.

  • DER_pt_h: The modulus (19) of the vector sum of the transverse momentum of the hadronic tau, the lepton, and the missing transverse energy vector.

  • DER_deltaeta_jet_jet: The absolute value of the pseudorapidity separation (22) between the two jets (undefined if PRI_jet_num \(\leq 1\)).

  • DER_mass_jet_jet: The invariant mass (20) of the two jets (undefined if PRI_jet_num \(\leq 1\)).

  • DER_prodeta_jet_jet: The product of the pseudorapidities of the two jets (undefined if PRI_jet_num \(\leq 1\)).

  • DER_deltar_tau_lep: The R separation (23) between the hadronic tau and the lepton.

  • DER_pt_tot: The modulus (19) of the vector sum of the missing transverse momenta and the transverse momenta of the hadronic tau, the lepton, the leading jet (if PRI_jet_num \(\geq 1\)) and the subleading jet (if PRI_jet_num \(= 2\)) (but not of any additional jets).

  • DER_sum_pt: The sum of the moduli (19) of the transverse momenta of the hadronic tau, the lepton, the leading jet (if PRI_jet_num \(\geq 1\)) and the subleading jet (if PRI_jet_num \(= 2\)) and the other jets (if PRI_jet_num \(= 3\)).

  • DER_pt_ratio_lep_tau: The ratio of the transverse momenta of the lepton and the hadronic tau.

  • DER_met_phi_centrality: The centrality of the azimuthal angle of the missing transverse energy vector w.r.t. the hadronic tau and the lepton \(C=\frac{A+B}{A^2 + B^2}\) where \(A = \sin(\phi_\mathrm{met} − \phi_\mathrm{lep})\), \(B = \sin(\phi_\mathrm{had} − \phi_\mathrm{met})\), and \(\phi_\mathrm{met}\), \(\phi_\mathrm{lep}\), and \(\phi_\mathrm{had}\) are the azimuthal angles of the missing transverse energy vector, the lepton, and the hadronic tau, respectively. The centrality is \(\sqrt{2}\) if the missing transverse energy vector \(\vec{E}_\mathrm{T}^\mathrm{miss}\) is on the bisector of the transverse momenta of the lepton and the hadronic tau. It decreases to 1 if \(\vec{E}_\mathrm{T}^\mathrm{miss}\) is collinear with one of these vectors and it decreases further to \(-\sqrt{2}\) when \(\vec{E}_\mathrm{T}^\mathrm{miss}\) is exactly opposite to the bisector.

  • DER_lep_eta_centrality: The centrality of the pseudorapidity of the lepton w.r.t. the two jets (undefined if PRI_jet_num \(\leq 1\)) \(\exp\left [ \frac{-4}{(\eta_1 - \eta_2)^2} \left ( \eta_\mathrm{lep} - \frac{\eta_1+\eta_2}{2} \right)^2 \right]\) where \(\eta_\mathrm{lep}\) is the pseudorapidity of the lepton and \(\eta_1\) and \(\eta_2\) are the pseudorapidities of the two jets. The centrality is 1 when the lepton is on the bisector of the two jets, decreases to \(1/e\) when it is collinear to one of the jets, and decreases further to zero at infinity.

  • PRI_tau_pt: The transverse momentum \(\sqrt{p_x^2 + p_y^2}\) of the hadronic tau.

  • PRI_tau_eta: The pseudorapidity \(\eta\) of the hadronic tau.

  • PRI_tau_phi: The azimuth angle \(\phi\) of the hadronic tau.

  • PRI_lep_pt: The transverse momentum \(\sqrt{p_x^2 + p_y^2}\) of the lepton (electron or muon).

  • PRI_lep_eta: The pseudorapidity \(\eta\) of the lepton.

  • PRI_ep_phi: The azimuth angle \(\phi\) of the lepton.

  • PRI_met: The missing transverse energy \(E_\mathrm{T}^\mathrm{miss}\)

  • PRI_met_phi The azimuth angle \(\phi\) of the missing transverse energy.

  • PRI_met_sumet: The total transverse energy in the detector.

  • PRI_jet_num: The number of jets (integer with value of 0, 1, 2 or 3; possible larger values have been capped at 3).

  • PRI_jet_leading_pt: The transverse momentum \(\sqrt{p_x^2 + p_y^2}\) of the leading jet, that is the jet with largest transverse momentum (undefined if PRI_jet_num \(= 0\)).

  • PRI_jet_leading_eta: The pseudorapidity \(\eta\) of the leading jet (undefined if PRI_jet_num \(= 0\)).

  • PRI_jet_leading_phi: The azimuth angle \(\phi\) of the leading jet (undefined if PRI_jet_num \(= 0\)).

  • PRI_jet_subleading_pt: The transverse momentum \(\sqrt{p_x^2 + p_y^2}\) of the leading jet, that is, the jet with second largest transverse momentum (undefined if PRI_jet_num \(\leq 1\)).

  • PRI_jet_subleading_eta: The pseudorapidity \(\eta\) of the subleading jet (undefined if PRI_jet_num \(\leq 1\)).

  • PRI_jet_subleading_phi: The azimuth angle \(\phi\) of the subleading jet (undefined if PRI_jet_num \(\leq 1\)).

  • PRI_jet_all_pt: The scalar sum of the transverse momentum of all the jets of the events.

  • Weight: The event weight \(w_i\), explained in Section 3.3. Not to be used as a feature. Not available in the test sample.

  • Label: The event label (string) \(y_i \in \{s, b\}\) (\(s\) for signal, \(b\) for background). Not to be used as a feature. Not available in the test sample.

The data set has 10,000 events with 33 columns each. The first column is an identifier, and should not be used as a feature. The last two columns Weight and Label, are the weights and labels from the simulation, and also should not be used as features (this information is all contained in the documentation).

Now we can look at how many events are signal and background:

# look at column labels --- notice last one is "Label" and first is "EventId" also "Weight"
print(f"Number of signal events: {len(data[data.Label == 's'])}")
print(f"Number of background events: {len(data[data.Label == 'b'])}")
print(f"Fraction signal: {len(data[data.Label == 's'])/(len(data[data.Label == 's']) + len(data[data.Label == 'b']))}")
Number of signal events: 3372
Number of background events: 6628
Fraction signal: 0.3372

Format data:#

Now we should get the data into an XGBoost-friendly format. We can create DMatrix objects that will be used to train the BDT model. For now, we’ll use all 30 of the features for training.

First, we’ll slice up the data into training and testing sets. Here, we take 20% for the test set, which is arbitrary.

In this file, all samples are independent and ordered randomly, so we can just grab a chunk. Check out Scikit-learn Cross-validation for dividing up samples responsibly.

We can also change the data type of the Label column to the Pandas type category for easier use later.

data["Label"] = data.Label.astype("category")
data_train = data[:8000]
data_test = data[8000:]

Check to make sure we did it right:

print(f"Number of training samples: {len(data_train)}")
print(f"Number of testing samples: {len(data_test)}")
print()
print(f"Number of signal events in training set: {len(data_train[data_train.Label == 's'])}")
print(f"Number of background events in training set: {len(data_train[data_train.Label == 'b'])}")
print(
    f"Fraction signal: {len(data_train[data_train.Label == 's'])/(len(data_train[data_train.Label == 's']) + len(data_train[data_train.Label == 'b']))}"
)
Number of training samples: 8000
Number of testing samples: 2000

Number of signal events in training set: 2688
Number of background events in training set: 5312
Fraction signal: 0.336

The DMatrix object takes as arguments:

  • data: the features

  • label: 1/0 or True/False for binary data (we have to convert our label to boolean from string "s"/"b")

  • missing: how missing values are represented (here as -999.0)

  • feature_names: the names of all the features (optional)

feature_names = data.columns[1:-2]  # we skip the first and last two columns because they are the ID, weight, and label

train = xgb.DMatrix(
    data=data_train[feature_names], label=data_train.Label.cat.codes, missing=-999.0, feature_names=feature_names
)
test = xgb.DMatrix(
    data=data_test[feature_names], label=data_test.Label.cat.codes, missing=-999.0, feature_names=feature_names
)
---------------------------------------------------------------------------
TypeError                                 Traceback (most recent call last)
Cell In[9], line 3
      1 feature_names = data.columns[1:-2]  # we skip the first and last two columns because they are the ID, weight, and label
----> 3 train = xgb.DMatrix(
      4     data=data_train[feature_names], label=data_train.Label.cat.codes, missing=-999.0, feature_names=feature_names
      5 )
      6 test = xgb.DMatrix(
      7     data=data_test[feature_names], label=data_test.Label.cat.codes, missing=-999.0, feature_names=feature_names
      8 )

File ~/miniconda3/envs/phys139/lib/python3.10/site-packages/xgboost/core.py:730, in require_keyword_args.<locals>.throw_if.<locals>.inner_f(*args, **kwargs)
    728 for k, arg in zip(sig.parameters, args):
    729     kwargs[k] = arg
--> 730 return func(**kwargs)

File ~/miniconda3/envs/phys139/lib/python3.10/site-packages/xgboost/core.py:881, in DMatrix.__init__(self, data, label, weight, base_margin, missing, silent, feature_names, feature_types, nthread, group, qid, label_lower_bound, label_upper_bound, feature_weights, enable_categorical, data_split_mode)
    869 self.set_info(
    870     label=label,
    871     weight=weight,
   (...)
    877     feature_weights=feature_weights,
    878 )
    880 if feature_names is not None:
--> 881     self.feature_names = feature_names
    882 if feature_types is not None:
    883     self.feature_types = feature_types

File ~/miniconda3/envs/phys139/lib/python3.10/site-packages/xgboost/core.py:1302, in DMatrix.feature_names(self, feature_names)
   1299     return
   1301 # validate feature name
-> 1302 feature_names = _validate_feature_info(
   1303     feature_names, self.num_col(), "feature names"
   1304 )
   1305 if len(feature_names) != len(set(feature_names)):
   1306     values, counts = np.unique(
   1307         feature_names,
   1308         return_index=False,
   1309         return_inverse=False,
   1310         return_counts=True,
   1311     )

File ~/miniconda3/envs/phys139/lib/python3.10/site-packages/xgboost/core.py:310, in _validate_feature_info(feature_info, n_features, name)
    306 def _validate_feature_info(
    307     feature_info: Sequence[str], n_features: int, name: str
    308 ) -> List[str]:
    309     if isinstance(feature_info, str) or not isinstance(feature_info, Sequence):
--> 310         raise TypeError(
    311             f"Expecting a sequence of strings for {name}, got: {type(feature_info)}"
    312         )
    313     feature_info = list(feature_info)
    314     if len(feature_info) != n_features and n_features != 0:

TypeError: Expecting a sequence of strings for feature names, got: <class 'pandas.core.indexes.base.Index'>

Check if we did it right:

print(f"Number of training samples: {train.num_row()}")
print(f"Number of testing samples: {test.num_row()}")
print()
print(f"Number of signal events in training set: {len(np.where(train.get_label())[0])}")

Make the model#

Set hyperparameters:#

The XGBoost hyperparameters are defined here. For a nice description of what they all mean, and tips on tuning them, see this guide.

In general, the tunable parameters in XGBoost are the ones you would see in other gradient boosting libraries. Here, they fall into three categories:

  1. General parameters: e.g., which booster to use, number of threads. We won’t mess with these here.

  2. Booster parameters: Tune the actual boosting, e.g., learning rate. These are the ones to optimize.

  3. Learning task parameters: Define the objective function and the evaluation metrics.

Here, we will use the defaults for most parameters and just set a few to see how it’s done. The parameters are passed in as a dictionary or list of pairs.

Make the parameter dictionary:

param = {}

param["seed"] = 42  # set seed for reproducibility

# Booster parameters
param["eta"] = 0.1  # learning rate
param["max_depth"] = 10  # maximum depth of a tree
param["subsample"] = 0.8  # fraction of events to train tree on
param["colsample_bytree"] = 0.8  # fraction of features to train tree on

# Learning task parameters
param["objective"] = "binary:logistic"  # objective function
param["eval_metric"] = "error"  # evaluation metric for cross validation, note: last one is used for early stopping
param = list(param.items())

num_trees = 100  # number of trees to make

First, we set the booster parameters. Again, we just chose a few here to experiment with. These are the parameters to tune to optimize your model. Generally, there is a trade off between speed and accuracy.

  1. eta is the learning rate. It determines how much to change the data weights after each boosting iteration. The default is 0.3.

  2. max_depth is the maximum depth of any tree. The default is 6.

  3. subsample is the fraction of events used to train each new tree. These events are randomly sampled each iteration from the whole sample set. The default is 1 (use every event for each tree).

  4. colsample_bytree is the fraction of features available to train each new tree. These features are randomly sampled each iteration from the whole feature set. The default is 1.

Next, we set the learning objective to binary:logistic. So, we have two classes that we want to score from 0 to 1. The eval_metric parameters set what we want to monitor when doing cross validation. (We aren’t doing cross validation in this example, but we should be!) If you want to watch more than one metric, param must be a list of pairs, instead of a dict. Otherwise, we would just keep resetting the same parameter.

Last, we set the number of trees to 100. Usually, you would set this number high, and choose a cut off point based on the cross validation. The number of trees is the same as the number of iterations.

Now train!#

booster = xgb.train(param, train, num_boost_round=num_trees)

We now have a trained model. The next step is to look at it’s performance and try to improve the model if we need to. We can try to improve it by improving/adding features, adding more training data, using more boosting iterations, or tuning the hyperparameters (ideally in that order).

Evaluate:#

First, let’s look at how it does on the test set:

print(booster.eval(test))

These are the evaluation metrics that we stored in the parameter set.

It’s pretty hard to interpret the performance of a classifier from a few number. So, let’s look at the predictions for the entire test set.

predictions = booster.predict(test)
labels = test.get_label().astype(bool)
# plot signal and background predictions, separately
plt.figure()
plt.hist(predictions[labels], bins=np.linspace(0, 1, 50), histtype="step", color="firebrick", label="Signal")
plt.hist(predictions[~labels], bins=np.linspace(0, 1, 50), histtype="step", color="midnightblue", label="Background")
# make the plot readable
plt.xlabel("BDT prediction", fontsize=12)
plt.ylabel("Events", fontsize=12)
plt.legend(frameon=False)
plt.xlim(0, 1)
plt.show()
from sklearn.metrics import roc_curve, auc, accuracy_score

fpr, tpr, _ = roc_curve(labels, predictions)
auc_score = auc(fpr, tpr)
acc_score = accuracy_score(labels, predictions > 0.5)

# plot TPR vs. FPR (ROC curve)
plt.figure()
plt.plot(fpr, tpr, color="blueviolet", label=f"AUC = {auc_score*100:.2f}%, acc. = {acc_score*100:.2f}%")
# make the plot readable
plt.xlabel("False positive rate", fontsize=12)
plt.ylabel("True positive rate", fontsize=12)
plt.legend(frameon=False)
plt.show()

It’s also very informative to look at the importance of each feature. The “F score” is the number of times each feature is used to split the data over all the trees (times the weight of that tree).

There is a built-in function in the XGBoost Python API to easily plot this.

xgb.plot_importance(booster, grid=False)
plt.show()

The feature that was used the most was DER_mass_MMC.

We can plot how this feature is distributed for the signal and background.

plt.figure()
plt.hist(
    data_test.DER_mass_MMC[data_test.Label == "s"],
    bins=np.linspace(0, 400, 50),
    histtype="step",
    color="firebrick",
    label="Signal",
)
plt.hist(
    data_test.DER_mass_MMC[data_test.Label == "b"],
    bins=np.linspace(0, 400, 50),
    histtype="step",
    color="midnightblue",
    label="Background",
)

plt.xlim(0, 400)
plt.xlabel("DER_mass_MMC", fontsize=12)
plt.ylabel("Events", fontsize=12)
plt.legend(frameon=False)
plt.show()

This variable is physically significant because it represents an estimate of the Higgs boson mass. For signal, it is expected to peak at 125 GeV. We can also plot it with one of the next most important features DER_mass_transverse_met_lep. Note: the exact ranking of features can depend on the random seed and other hyperparameters.

plt.figure()
plt.plot(
    data_test.DER_mass_MMC[data_test.Label == "b"],
    data_test.DER_mass_transverse_met_lep[data_test.Label == "b"],
    "o",
    markersize=2,
    color="midnightblue",
    markeredgewidth=0,
    alpha=0.8,
    label="Background",
)
plt.plot(
    data_test.DER_mass_MMC[data_test.Label == "s"],
    data_test.DER_mass_transverse_met_lep[data_test.Label == "s"],
    "o",
    markersize=2,
    color="firebrick",
    markeredgewidth=0,
    alpha=0.8,
    label="Signal",
)
plt.xlim(0, 400)
plt.ylim(0, 150)
plt.xlabel("DER_mass_MMC", fontsize=12)
plt.ylabel("DER_mass_transverse_met_lep", fontsize=12)
plt.legend(frameon=False, numpoints=1, markerscale=2)
plt.show()

Exercise: Retrain BDT with 2 features and plot decision boundary#

Repeat the steps above but manually set the features to just two of the most “important” ones: feature_names = ["DER_mass_MMC", "DER_mass_transverse_met_lep"]

Then use the code below to plot the decision boundary in 2D.

  1. What do you notice about the shape of the decision boundary?

  2. Do you see any evidence of overfitting? How can you prove it? (Hint: consider the training data)

from matplotlib.colors import ListedColormap

# first get a mesh grid
x_grid, y_grid = np.meshgrid(np.linspace(0, 400, 1000), np.linspace(0, 150, 1000))
# convert grid into DMatrix
matrix_grid = xgb.DMatrix(
    data=np.c_[x_grid.ravel(), y_grid.ravel()], missing=-999.0, feature_names=feature_names
)
# run prediction for every value in grid
z_grid = booster.predict(matrix_grid)
# reshape
z_grid = z_grid.reshape(x_grid.shape)


plt.figure()
# plot decision boundary
ax = plt.subplot(111)
cm = ListedColormap(["midnightblue", "firebrick"])
plt.contourf(x_grid, y_grid, z_grid, levels=[0, 0.5, 1], cmap=cm, alpha=0.25)
# overlaid with test data points
plt.plot(
    data_test.DER_mass_MMC[data_test.Label == "b"],
    data_test.DER_mass_transverse_met_lep[data_test.Label == "b"],
    "o",
    markersize=2,
    color="midnightblue",
    markeredgewidth=0,
    alpha=0.8,
    label="Background",
)
plt.plot(
    data_test.DER_mass_MMC[data_test.Label == "s"],
    data_test.DER_mass_transverse_met_lep[data_test.Label == "s"],
    "o",
    markersize=2,
    color="firebrick",
    markeredgewidth=0,
    alpha=0.8,
    label="Signal",
)
ax.set_ylim(0,150)
ax.set_xlim(0,400)
plt.xlabel("DER_mass_MMC", fontsize=12)
plt.ylabel("DER_mass_transverse_met_lep", fontsize=12)
plt.legend(frameon=False, numpoints=1, markerscale=2)
plt.show()