Logo ROOT  
Reference Guide
 
Loading...
Searching...
No Matches
TMVA_CNN_Classification.C File Reference

Detailed Description

View in nbviewer Open in SWAN
TMVA Classification Example Using a Convolutional Neural Network

This is an example of using a CNN in TMVA. We do classification using a toy image data set that is generated when running the example macro

/***
# TMVA Classification Example Using a Convolutional Neural Network
**/
/// Helper function to create input images data
/// we create a signal and background 2D histograms from 2d gaussians
/// with a location (means in X and Y) different for each event
/// The difference between signal and background is in the gaussian width.
/// The width for the background gaussian is slightly larger than the signal width by few % values
///
///
void MakeImagesTree(int n, int nh, int nw)
{
// image size (nh x nw)
const int ntot = nh * nw;
const TString fileOutName = TString::Format("images_data_%dx%d.root", nh, nw);
TFile f(fileOutName, "RECREATE");
const int nRndmEvts = 10000; // number of events we use to fill each image
double delta_sigma = 0.1; // 5% difference in the sigma
double pixelNoise = 5;
double sX1 = 3;
double sY1 = 3;
double sX2 = sX1 + delta_sigma;
double sY2 = sY1 - delta_sigma;
TH2D h1("h1", "h1", nh, 0, 10, nw, 0, 10);
TH2D h2("h2", "h2", nh, 0, 10, nw, 0, 10);
TF2 f1("f1", "xygaus");
TF2 f2("f2", "xygaus");
TTree sgn("sig_tree", "signal_tree");
TTree bkg("bkg_tree", "background_tree");
std::vector<float> x1(ntot);
std::vector<float> x2(ntot);
// create signal and background trees with a single branch
// an std::vector<float> of size nh x nw containing the image data
std::vector<float> *px1 = &x1;
std::vector<float> *px2 = &x2;
bkg.Branch("vars", "std::vector<float>", &px1);
sgn.Branch("vars", "std::vector<float>", &px2);
// std::cout << "create tree " << std::endl;
sgn.SetDirectory(&f);
bkg.SetDirectory(&f);
f1.SetParameters(1, 5, sX1, 5, sY1);
f2.SetParameters(1, 5, sX2, 5, sY2);
std::cout << "Filling ROOT tree " << std::endl;
for (int i = 0; i < n; ++i) {
if (i % 1000 == 0)
std::cout << "Generating image event ... " << i << std::endl;
h1.Reset();
h2.Reset();
// generate random means in range [3,7] to be not too much on the border
f2.SetParameter(1, gRandom->Uniform(3, 7));
f2.SetParameter(3, gRandom->Uniform(3, 7));
h2.FillRandom("f2", nRndmEvts);
for (int k = 0; k < nh; ++k) {
for (int l = 0; l < nw; ++l) {
int m = k * nw + l;
// add some noise in each bin
x1[m] = h1.GetBinContent(k + 1, l + 1) + gRandom->Gaus(0, pixelNoise);
x2[m] = h2.GetBinContent(k + 1, l + 1) + gRandom->Gaus(0, pixelNoise);
}
}
sgn.Fill();
bkg.Fill();
}
sgn.Write();
bkg.Write();
Info("MakeImagesTree", "Signal and background tree with images data written to the file %s", f.GetName());
sgn.Print();
bkg.Print();
f.Close();
}
/// @brief Run the TMVA CNN Classification example
/// @param nevts : number of signal/background events. Use by default a low value (1000)
/// but increase to at least 5000 to get a good result
/// @param opt : vector of bool with method used (default all on if available). The order is:
/// - TMVA CNN
/// - Keras CNN
/// - TMVA DNN
/// - TMVA BDT
/// - PyTorch CNN
void nevts = 1000, std::vector<bool> opt = {1, 1, 1, 1, 1})
{
int imgSize = 16 * 16;
TString inputFileName = "images_data_16x16.root";
// if file does not exists create it
if (!fileExist) {
}
bool useTMVACNN = (opt.size() > 0) ? opt[0] : false;
bool useKerasCNN = (opt.size() > 1) ? opt[1] : false;
bool useTMVADNN = (opt.size() > 2) ? opt[2] : false;
bool useTMVABDT = (opt.size() > 3) ? opt[3] : false;
bool usePyTorchCNN = (opt.size() > 4) ? opt[4] : false;
#ifndef R__HAS_TMVACPU
#ifndef R__HAS_TMVAGPU
Warning("TMVA_CNN_Classification",
"TMVA is not build with GPU or CPU multi-thread support. Cannot use TMVA Deep Learning for CNN");
useTMVACNN = false;
#endif
#endif
bool writeOutputFile = true;
#ifdef R__USE_IMT
int num_threads = 4; // use by default 4 threads if value is not set before
// switch off MT in OpenBLAS to avoid conflict with tbb
gSystem->Setenv("OMP_NUM_THREADS", "1");
// do enable MT running
if (num_threads >= 0) {
}
#endif
std::cout << "Running with nthreads = " << ROOT::GetThreadPoolSize() << std::endl;
#ifdef R__HAS_PYMVA
gSystem->Setenv("KERAS_BACKEND", "tensorflow");
// for using Keras
#else
useKerasCNN = false;
usePyTorchCNN = false;
#endif
TFile *outputFile = nullptr;
outputFile = TFile::Open("TMVA_CNN_ClassificationOutput.root", "RECREATE");
/***
## Create TMVA Factory
Create the Factory class. Later you can choose the methods
whose performance you'd like to investigate.
The factory is the major TMVA object you have to interact with. Here is the list of parameters you need to pass
- The first argument is the base of the name of all the output
weight files in the directory weight/ that will be created with the
method parameters
- The second argument is the output file for the training results
- The third argument is a string option defining some general configuration for the TMVA session.
For example all TMVA output can be suppressed by removing the "!" (not) in front of the "Silent" argument in the
option string
- note that we disable any pre-transformation of the input variables and we avoid computing correlations between
input variables
***/
TMVA::Factory factory(
"TMVA_CNN_Classification", outputFile,
"!V:ROC:!Silent:Color:AnalysisType=Classification:Transformations=None:!Correlations");
/***
## Declare DataLoader(s)
The next step is to declare the DataLoader class that deals with input variables
Define the input variables that shall be used for the MVA training
note that you may also use variable expressions, which can be parsed by TTree::Draw( "expression" )]
In this case the input data consists of an image of 16x16 pixels. Each single pixel is a branch in a ROOT TTree
**/
/***
## Setup Dataset(s)
Define input data file and signal and background trees
**/
std::unique_ptr<TFile> inputFile{TFile::Open(inputFileName)};
if (!inputFile) {
Error("TMVA_CNN_Classification", "Error opening input file %s - exit", inputFileName.Data());
return;
}
// --- Register the training and test trees
auto signalTree = inputFile->Get<TTree>("sig_tree");
auto backgroundTree = inputFile->Get<TTree>("bkg_tree");
if (!signalTree) {
Error("TMVA_CNN_Classification", "Could not find signal tree in file '%s'", inputFileName.Data());
return;
}
Error("TMVA_CNN_Classification", "Could not find background tree in file '%s'", inputFileName.Data());
return;
}
int nEventsSig = signalTree->GetEntries();
int nEventsBkg = backgroundTree->GetEntries();
// global event weights per tree (see below for setting event-wise weights)
// You can add an arbitrary number of signal or background trees
loader.AddSignalTree(signalTree, signalWeight);
loader.AddBackgroundTree(backgroundTree, backgroundWeight);
/// add event variables (image)
/// use new method (from ROOT 6.20 to add a variable array for all image data)
loader.AddVariablesArray("vars", imgSize);
// Set individual event weights (the variables must exist in the original TTree)
// for signal : factory->SetSignalWeightExpression ("weight1*weight2");
// for background: factory->SetBackgroundWeightExpression("weight1*weight2");
// loader.SetBackgroundWeightExpression( "weight" );
// Apply additional cuts on the signal and background samples (can be different)
TCut mycuts = ""; // for example: TCut mycuts = "abs(var1)<0.5 && abs(var2-0.5)<1";
TCut mycutb = ""; // for example: TCut mycutb = "abs(var1)<0.5";
// Tell the factory how to use the training and testing events
//
// If no numbers of events are given, half of the events in the tree are used
// for training, and the other half for testing:
// loader.PrepareTrainingAndTestTree( mycut, "SplitMode=random:!V" );
// It is possible also to specify the number of training and testing events,
// note we disable the computation of the correlation matrix of the input variables
int nTrainSig = 0.8 * nEventsSig;
int nTrainBkg = 0.8 * nEventsBkg;
// build the string options for DataLoader::PrepareTrainingAndTestTree
"nTrain_Signal=%d:nTrain_Background=%d:SplitMode=Random:SplitSeed=100:NormMode=NumEvents:!V:!CalcCorrelations",
loader.PrepareTrainingAndTestTree(mycuts, mycutb, prepareOptions);
/***
DataSetInfo : [dataset] : Added class "Signal"
: Add Tree sig_tree of type Signal with 10000 events
DataSetInfo : [dataset] : Added class "Background"
: Add Tree bkg_tree of type Background with 10000 events
**/
/****
# Booking Methods
Here we book the TMVA methods. We book a Boosted Decision Tree method (BDT)
**/
// Boosted Decision Trees
if (useTMVABDT) {
factory.BookMethod(&loader, TMVA::Types::kBDT, "BDT",
"!V:NTrees=200:MinNodeSize=2.5%:MaxDepth=2:BoostType=AdaBoost:AdaBoostBeta=0.5:"
"UseBaggedBoost:BaggedSampleFraction=0.5:SeparationType=GiniIndex:nCuts=20");
}
/**
#### Booking Deep Neural Network
Here we book the DNN of TMVA. See the example TMVA_Higgs_Classification.C for a detailed description of the
options
**/
if (useTMVADNN) {
"Layout=DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,DENSE|1|LINEAR");
// Training strategies
// one can catenate several training strings with different parameters (e.g. learning rates or regularizations
// parameters) The training string must be concatenates with the `|` delimiter
TString trainingString1("LearningRate=1e-3,Momentum=0.9,Repetitions=1,"
"ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,"
"MaxEpochs=10,WeightDecay=1e-4,Regularization=None,"
"Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.");
TString trainingStrategyString("TrainingStrategy=");
trainingStrategyString += trainingString1; // + "|" + trainingString2 + ....
// Build now the full DNN Option string
TString dnnOptions("!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:"
"WeightInitialization=XAVIER");
dnnOptions.Append(":");
dnnOptions.Append(":");
TString dnnMethodName = "TMVA_DNN_CPU";
// use GPU if available
#ifdef R__HAS_TMVAGPU
dnnOptions += ":Architecture=GPU";
dnnMethodName = "TMVA_DNN_GPU";
#elif defined(R__HAS_TMVACPU)
dnnOptions += ":Architecture=CPU";
#endif
}
/***
### Book Convolutional Neural Network in TMVA
For building a CNN one needs to define
- Input Layout : number of channels (in this case = 1) | image height | image width
- Batch Layout : batch size | number of channels | image size = (height*width)
Then one add Convolutional layers and MaxPool layers.
- For Convolutional layer the option string has to be:
- CONV | number of units | filter height | filter width | stride height | stride width | padding height | paddig
width | activation function
- note in this case we are using a filer 3x3 and padding=1 and stride=1 so we get the output dimension of the
conv layer equal to the input
- note we use after the first convolutional layer a batch normalization layer. This seems to help significantly the
convergence
- For the MaxPool layer:
- MAXPOOL | pool height | pool width | stride height | stride width
The RESHAPE layer is needed to flatten the output before the Dense layer
Note that to run the CNN is required to have CPU or GPU support
***/
if (useTMVACNN) {
TString inputLayoutString("InputLayout=1|16|16");
// Batch Layout
TString layoutString("Layout=CONV|10|3|3|1|1|1|1|RELU,BNORM,CONV|10|3|3|1|1|1|1|RELU,MAXPOOL|2|2|1|1,"
"RESHAPE|FLAT,DENSE|100|RELU,DENSE|1|LINEAR");
// Training strategies.
TString trainingString1("LearningRate=1e-3,Momentum=0.9,Repetitions=1,"
"ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,"
"MaxEpochs=10,WeightDecay=1e-4,Regularization=None,"
"Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.0");
TString trainingStrategyString("TrainingStrategy=");
trainingString1; // + "|" + trainingString2 + "|" + trainingString3; for concatenating more training strings
// Build full CNN Options.
TString cnnOptions("!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:"
"WeightInitialization=XAVIER");
cnnOptions.Append(":");
cnnOptions.Append(":");
cnnOptions.Append(":");
//// New DL (CNN)
TString cnnMethodName = "TMVA_CNN_CPU";
// use GPU if available
#ifdef R__HAS_TMVAGPU
cnnOptions += ":Architecture=GPU";
cnnMethodName = "TMVA_CNN_GPU";
#else
cnnOptions += ":Architecture=CPU";
cnnMethodName = "TMVA_CNN_CPU";
#endif
}
/**
### Book Convolutional Neural Network in Keras using a generated model
**/
#ifdef R__HAS_PYMVA
// The next section uses Python packages, execute it only if PyMVA is available
if (useKerasCNN) {
Info("TMVA_CNN_Classification", "Building convolutional keras model");
// create python script which can be executed
// create 2 conv2d layer + maxpool + dense
m.AddLine("import tensorflow");
m.AddLine("from tensorflow.keras.models import Sequential");
m.AddLine("from tensorflow.keras.optimizers import Adam");
m.AddLine(
"from tensorflow.keras.layers import Input, Dense, Dropout, Flatten, Conv2D, MaxPooling2D, Reshape, BatchNormalization");
m.AddLine("");
m.AddLine("model = Sequential() ");
m.AddLine("model.add(Reshape((16, 16, 1), input_shape = (256, )))");
m.AddLine("model.add(Conv2D(10, kernel_size = (3, 3), kernel_initializer = 'glorot_normal',activation = "
"'relu', padding = 'same'))");
m.AddLine("model.add(BatchNormalization())");
m.AddLine("model.add(Conv2D(10, kernel_size = (3, 3), kernel_initializer = 'glorot_normal',activation = "
"'relu', padding = 'same'))");
// m.AddLine("model.add(BatchNormalization())");
m.AddLine("model.add(MaxPooling2D(pool_size = (2, 2), strides = (1,1))) ");
m.AddLine("model.add(Flatten())");
m.AddLine("model.add(Dense(256, activation = 'relu')) ");
m.AddLine("model.add(Dense(2, activation = 'sigmoid')) ");
m.AddLine("model.compile(loss = 'binary_crossentropy', optimizer = Adam(learning_rate = 0.001), weighted_metrics = ['accuracy'])");
m.AddLine("model.save('model_cnn.h5')");
m.AddLine("model.summary()");
m.SaveSource("make_cnn_model.py");
// execute
gSystem->Exec(python_exe + " make_cnn_model.py");
if (gSystem->AccessPathName("model_cnn.h5")) {
Warning("TMVA_CNN_Classification", "Error creating Keras model file - skip using Keras");
} else {
// book PyKeras method only if Keras model could be created
Info("TMVA_CNN_Classification", "Booking tf.Keras CNN model");
factory.BookMethod(
"H:!V:VarTransform=None:FilenameModel=model_cnn.h5:tf.keras:"
"FilenameTrainedModel=trained_model_cnn.h5:NumEpochs=10:BatchSize=100:"
"GpuOptions=allow_growth=True"); // needed for RTX NVidia card and to avoid TF allocates all GPU memory
}
}
Info("TMVA_CNN_Classification", "Using Convolutional PyTorch Model");
TString pyTorchFileName = gROOT->GetTutorialDir() + TString("/machine_learning/PyTorch_Generate_CNN_Model.py");
// check that pytorch can be imported and file defining the model and used later when booking the method is
// existing
if (gSystem->Exec(python_exe + " -c 'import torch'") || gSystem->AccessPathName(pyTorchFileName)) {
Warning("TMVA_CNN_Classification", "PyTorch is not installed or model building file is not existing - skip using PyTorch");
} else {
// book PyTorch method only if PyTorch model could be created
Info("TMVA_CNN_Classification", "Booking PyTorch CNN model");
TString methodOpt = "H:!V:VarTransform=None:FilenameModel=PyTorchModelCNN.pt:"
"FilenameTrainedModel=PyTorchTrainedModelCNN.pt:NumEpochs=10:BatchSize=100";
methodOpt += TString(":UserCode=") + pyTorchFileName;
factory.BookMethod(&loader, TMVA::Types::kPyTorch, "PyTorch", methodOpt);
}
}
#endif
//// ## Train Methods
factory.TrainAllMethods();
/// ## Test and Evaluate Methods
factory.TestAllMethods();
factory.EvaluateAllMethods();
/// ## Plot ROC Curve
auto c1 = factory.GetROCCurve(&loader);
c1->Draw();
// close outputfile to save output file
outputFile->Close();
}
#define f(i)
Definition RSha256.hxx:104
double Double_t
Definition RtypesCore.h:59
ROOT::Detail::TRangeCast< T, true > TRangeDynCast
TRangeDynCast is an adapter class that allows the typed iteration through a TCollection.
void Error(const char *location, const char *msgfmt,...)
Use this function in case an error occurred.
Definition TError.cxx:185
void Warning(const char *location, const char *msgfmt,...)
Use this function in warning situations.
Definition TError.cxx:229
Option_t Option_t TPoint TPoint const char x2
Option_t Option_t TPoint TPoint const char x1
#define gROOT
Definition TROOT.h:414
R__EXTERN TRandom * gRandom
Definition TRandom.h:62
R__EXTERN TSystem * gSystem
Definition TSystem.h:572
A specialized string object used for TTree selections.
Definition TCut.h:25
virtual void SetParameters(const Double_t *params)
Definition TF1.h:685
virtual void SetParameter(Int_t param, Double_t value)
Definition TF1.h:675
A 2-Dim function with parameters.
Definition TF2.h:29
A ROOT file is an on-disk file, usually with extension .root, that stores objects in a file-system-li...
Definition TFile.h:131
static TFile * Open(const char *name, Option_t *option="", const char *ftitle="", Int_t compress=ROOT::RCompressionSetting::EDefaults::kUseCompiledDefault, Int_t netopt=0)
Create / open a file.
Definition TFile.cxx:4131
void Reset(Option_t *option="") override
Reset.
Definition TH1.cxx:10284
virtual void FillRandom(TF1 *f1, Int_t ntimes=5000, TRandom *rng=nullptr)
Definition TH1.cxx:3500
virtual Double_t GetBinContent(Int_t bin) const
Return content of bin number bin.
Definition TH1.cxx:5064
2-D histogram with a double per channel (see TH1 documentation)
Definition TH2.h:356
This is the main MVA steering class.
Definition Factory.h:80
static void PyInitialize()
Initialize Python interpreter.
static Tools & Instance()
Definition Tools.cxx:71
Class supporting a collection of lines with C++ code.
Definition TMacro.h:31
virtual Double_t Gaus(Double_t mean=0, Double_t sigma=1)
Samples a random number from the standard Normal (Gaussian) Distribution with the given mean and sigm...
Definition TRandom.cxx:275
virtual void SetSeed(ULong_t seed=0)
Set the random generator seed.
Definition TRandom.cxx:615
virtual Double_t Uniform(Double_t x1=1)
Returns a uniform deviate on the interval (0, x1).
Definition TRandom.cxx:682
Basic string class.
Definition TString.h:139
static TString Format(const char *fmt,...)
Static method which formats a string using a printf style format descriptor and return a TString.
Definition TString.cxx:2378
virtual Int_t Exec(const char *shellcmd)
Execute a command.
Definition TSystem.cxx:653
virtual Bool_t AccessPathName(const char *path, EAccessMode mode=kFileExists)
Returns FALSE if one can access a file using the specified access mode.
Definition TSystem.cxx:1308
virtual void Setenv(const char *name, const char *value)
Set environment variable.
Definition TSystem.cxx:1661
A TTree represents a columnar dataset.
Definition TTree.h:84
std::ostream & Info()
Definition hadd.cxx:171
return c1
Definition legend1.C:41
const Int_t n
Definition legend1.C:16
TH1F * h1
Definition legend1.C:5
TF1 * f1
Definition legend1.C:11
void EnableImplicitMT(UInt_t numthreads=0)
Enable ROOT's implicit multi-threading for all objects and methods that provide an internal paralleli...
Definition TROOT.cxx:539
UInt_t GetThreadPoolSize()
Returns the size of ROOT's thread pool.
Definition TROOT.cxx:602
TString Python_Executable()
Function to find current Python executable used by ROOT If "Python3" is installed,...
TMarker m
Definition textangle.C:8
TLine l
Definition textangle.C:4
Running with nthreads = 4
DataSetInfo : [dataset] : Added class "Signal"
: Add Tree sig_tree of type Signal with 1000 events
DataSetInfo : [dataset] : Added class "Background"
: Add Tree bkg_tree of type Background with 1000 events
Factory : Booking method: ␛[1mBDT␛[0m
:
: Rebuilding Dataset dataset
: Building event vectors for type 2 Signal
: Dataset[dataset] : create input formulas for tree sig_tree
: Using variable vars[0] from array expression vars of size 256
: Building event vectors for type 2 Background
: Dataset[dataset] : create input formulas for tree bkg_tree
: Using variable vars[0] from array expression vars of size 256
DataSetFactory : [dataset] : Number of events in input trees
:
:
: Number of training and testing events
: ---------------------------------------------------------------------------
: Signal -- training events : 800
: Signal -- testing events : 200
: Signal -- training and testing events: 1000
: Background -- training events : 800
: Background -- testing events : 200
: Background -- training and testing events: 1000
:
Factory : Booking method: ␛[1mTMVA_DNN_CPU␛[0m
:
: Parsing option string:
: ... "!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:WeightInitialization=XAVIER:Layout=DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,DENSE|1|LINEAR:TrainingStrategy=LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.:Architecture=CPU"
: The following options are set:
: - By User:
: <none>
: - Default:
: Boost_num: "0" [Number of times the classifier will be boosted]
: Parsing option string:
: ... "!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:WeightInitialization=XAVIER:Layout=DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,DENSE|1|LINEAR:TrainingStrategy=LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.:Architecture=CPU"
: The following options are set:
: - By User:
: V: "True" [Verbose output (short form of "VerbosityLevel" below - overrides the latter one)]
: VarTransform: "None" [List of variable transformations performed before training, e.g., "D_Background,P_Signal,G,N_AllClasses" for: "Decorrelation, PCA-transformation, Gaussianisation, Normalisation, each for the given class of events ('AllClasses' denotes all events of all classes, if no class indication is given, 'All' is assumed)"]
: H: "False" [Print method-specific help message]
: Layout: "DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,BNORM,DENSE|100|RELU,DENSE|1|LINEAR" [Layout of the network.]
: ErrorStrategy: "CROSSENTROPY" [Loss function: Mean squared error (regression) or cross entropy (binary classification).]
: WeightInitialization: "XAVIER" [Weight initialization strategy]
: Architecture: "CPU" [Which architecture to perform the training on.]
: TrainingStrategy: "LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0." [Defines the training strategies.]
: - Default:
: VerbosityLevel: "Default" [Verbosity level]
: CreateMVAPdfs: "False" [Create PDFs for classifier outputs (signal and background)]
: IgnoreNegWeightsInTraining: "False" [Events with negative weights are ignored in the training (but are included for testing and performance evaluation)]
: InputLayout: "0|0|0" [The Layout of the input]
: BatchLayout: "0|0|0" [The Layout of the batch]
: RandomSeed: "0" [Random seed used for weight initialization and batch shuffling]
: ValidationSize: "20%" [Part of the training data to use for validation. Specify as 0.2 or 20% to use a fifth of the data set as validation set. Specify as 100 to use exactly 100 events. (Default: 20%)]
: Will now use the CPU architecture with BLAS and IMT support !
Factory : Booking method: ␛[1mTMVA_CNN_CPU␛[0m
:
: Parsing option string:
: ... "!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:WeightInitialization=XAVIER:InputLayout=1|16|16:Layout=CONV|10|3|3|1|1|1|1|RELU,BNORM,CONV|10|3|3|1|1|1|1|RELU,MAXPOOL|2|2|1|1,RESHAPE|FLAT,DENSE|100|RELU,DENSE|1|LINEAR:TrainingStrategy=LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.0:Architecture=CPU"
: The following options are set:
: - By User:
: <none>
: - Default:
: Boost_num: "0" [Number of times the classifier will be boosted]
: Parsing option string:
: ... "!H:V:ErrorStrategy=CROSSENTROPY:VarTransform=None:WeightInitialization=XAVIER:InputLayout=1|16|16:Layout=CONV|10|3|3|1|1|1|1|RELU,BNORM,CONV|10|3|3|1|1|1|1|RELU,MAXPOOL|2|2|1|1,RESHAPE|FLAT,DENSE|100|RELU,DENSE|1|LINEAR:TrainingStrategy=LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.0:Architecture=CPU"
: The following options are set:
: - By User:
: V: "True" [Verbose output (short form of "VerbosityLevel" below - overrides the latter one)]
: VarTransform: "None" [List of variable transformations performed before training, e.g., "D_Background,P_Signal,G,N_AllClasses" for: "Decorrelation, PCA-transformation, Gaussianisation, Normalisation, each for the given class of events ('AllClasses' denotes all events of all classes, if no class indication is given, 'All' is assumed)"]
: H: "False" [Print method-specific help message]
: InputLayout: "1|16|16" [The Layout of the input]
: Layout: "CONV|10|3|3|1|1|1|1|RELU,BNORM,CONV|10|3|3|1|1|1|1|RELU,MAXPOOL|2|2|1|1,RESHAPE|FLAT,DENSE|100|RELU,DENSE|1|LINEAR" [Layout of the network.]
: ErrorStrategy: "CROSSENTROPY" [Loss function: Mean squared error (regression) or cross entropy (binary classification).]
: WeightInitialization: "XAVIER" [Weight initialization strategy]
: Architecture: "CPU" [Which architecture to perform the training on.]
: TrainingStrategy: "LearningRate=1e-3,Momentum=0.9,Repetitions=1,ConvergenceSteps=5,BatchSize=100,TestRepetitions=1,MaxEpochs=10,WeightDecay=1e-4,Regularization=None,Optimizer=ADAM,DropConfig=0.0+0.0+0.0+0.0" [Defines the training strategies.]
: - Default:
: VerbosityLevel: "Default" [Verbosity level]
: CreateMVAPdfs: "False" [Create PDFs for classifier outputs (signal and background)]
: IgnoreNegWeightsInTraining: "False" [Events with negative weights are ignored in the training (but are included for testing and performance evaluation)]
: BatchLayout: "0|0|0" [The Layout of the batch]
: RandomSeed: "0" [Random seed used for weight initialization and batch shuffling]
: ValidationSize: "20%" [Part of the training data to use for validation. Specify as 0.2 or 20% to use a fifth of the data set as validation set. Specify as 100 to use exactly 100 events. (Default: 20%)]
: Will now use the CPU architecture with BLAS and IMT support !
Factory : ␛[1mTrain all methods␛[0m
Factory : Train method: BDT for Classification
:
BDT : #events: (reweighted) sig: 800 bkg: 800
: #events: (unweighted) sig: 800 bkg: 800
: Training 200 Decision Trees ... patience please
: Elapsed time for training with 1600 events: 0.832 sec
BDT : [dataset] : Evaluation of BDT on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.00848 sec
: Creating xml weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_BDT.weights.xml␛[0m
: Creating standalone class: ␛[0;36mdataset/weights/TMVA_CNN_Classification_BDT.class.C␛[0m
: TMVA_CNN_ClassificationOutput.root:/dataset/Method_BDT/BDT
Factory : Training finished
:
Factory : Train method: TMVA_DNN_CPU for Classification
:
: Start of deep neural network training on CPU using MT, nthreads = 4
:
: ***** Deep Learning Network *****
DEEP NEURAL NETWORK: Depth = 8 Input = ( 1, 1, 256 ) Batch size = 100 Loss function = C
Layer 0 DENSE Layer: ( Input = 256 , Width = 100 ) Output = ( 1 , 100 , 100 ) Activation Function = Relu
Layer 1 BATCH NORM Layer: Input/Output = ( 100 , 100 , 1 ) Norm dim = 100 axis = -1
Layer 2 DENSE Layer: ( Input = 100 , Width = 100 ) Output = ( 1 , 100 , 100 ) Activation Function = Relu
Layer 3 BATCH NORM Layer: Input/Output = ( 100 , 100 , 1 ) Norm dim = 100 axis = -1
Layer 4 DENSE Layer: ( Input = 100 , Width = 100 ) Output = ( 1 , 100 , 100 ) Activation Function = Relu
Layer 5 BATCH NORM Layer: Input/Output = ( 100 , 100 , 1 ) Norm dim = 100 axis = -1
Layer 6 DENSE Layer: ( Input = 100 , Width = 100 ) Output = ( 1 , 100 , 100 ) Activation Function = Relu
Layer 7 DENSE Layer: ( Input = 100 , Width = 1 ) Output = ( 1 , 100 , 1 ) Activation Function = Identity
: Using 1280 events for training and 320 for testing
: Compute initial loss on the validation data
: Training phase 1 of 1: Optimizer ADAM (beta1=0.9,beta2=0.999,eps=1e-07) Learning rate = 0.001 regularization 0 minimum error = 41.9617
: --------------------------------------------------------------
: Epoch | Train Err. Val. Err. t(s)/epoch t(s)/Loss nEvents/s Conv. Steps
: --------------------------------------------------------------
: Start epoch iteration ...
: 1 Minimum Test error found - save the configuration
: 1 | 0.864401 0.753873 0.11396 0.0114107 11701.7 0
: 2 | 0.694986 0.851839 0.112269 0.0108557 11832.7 1
: 3 Minimum Test error found - save the configuration
: 3 | 0.608808 0.704936 0.111647 0.012587 12113.9 0
: 4 | 0.539754 0.707383 0.125732 0.011064 10465 1
: 5 | 0.481876 0.74755 0.119882 0.0103731 10958 2
: 6 Minimum Test error found - save the configuration
: 6 | 0.433732 0.692132 0.109687 0.0112636 12192.2 0
: 7 | 0.396801 0.698189 0.113565 0.0106784 11663.4 1
: 8 Minimum Test error found - save the configuration
: 8 | 0.332002 0.683288 0.127317 0.0108302 10301.6 0
: 9 | 0.307008 0.690424 0.114469 0.0112092 11621.2 1
: 10 | 0.258091 0.720553 0.125222 0.0133051 10722.3 2
:
: Elapsed time for training with 1600 events: 1.2 sec
: Evaluate deep neural network on CPU using batches with size = 100
:
TMVA_DNN_CPU : [dataset] : Evaluation of TMVA_DNN_CPU on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.06 sec
: Creating xml weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_DNN_CPU.weights.xml␛[0m
: Creating standalone class: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_DNN_CPU.class.C␛[0m
Factory : Training finished
:
Factory : Train method: TMVA_CNN_CPU for Classification
:
: Start of deep neural network training on CPU using MT, nthreads = 4
:
: ***** Deep Learning Network *****
DEEP NEURAL NETWORK: Depth = 7 Input = ( 1, 16, 16 ) Batch size = 100 Loss function = C
Layer 0 CONV LAYER: ( W = 16 , H = 16 , D = 10 ) Filter ( W = 3 , H = 3 ) Output = ( 100 , 10 , 10 , 256 ) Activation Function = Relu
Layer 1 BATCH NORM Layer: Input/Output = ( 10 , 256 , 100 ) Norm dim = 10 axis = 1
Layer 2 CONV LAYER: ( W = 16 , H = 16 , D = 10 ) Filter ( W = 3 , H = 3 ) Output = ( 100 , 10 , 10 , 256 ) Activation Function = Relu
Layer 3 POOL Layer: ( W = 15 , H = 15 , D = 10 ) Filter ( W = 2 , H = 2 ) Output = ( 100 , 10 , 10 , 225 )
Layer 4 RESHAPE Layer Input = ( 10 , 15 , 15 ) Output = ( 1 , 100 , 2250 )
Layer 5 DENSE Layer: ( Input = 2250 , Width = 100 ) Output = ( 1 , 100 , 100 ) Activation Function = Relu
Layer 6 DENSE Layer: ( Input = 100 , Width = 1 ) Output = ( 1 , 100 , 1 ) Activation Function = Identity
: Using 1280 events for training and 320 for testing
: Compute initial loss on the validation data
: Training phase 1 of 1: Optimizer ADAM (beta1=0.9,beta2=0.999,eps=1e-07) Learning rate = 0.001 regularization 0 minimum error = 60.3651
: --------------------------------------------------------------
: Epoch | Train Err. Val. Err. t(s)/epoch t(s)/Loss nEvents/s Conv. Steps
: --------------------------------------------------------------
: Start epoch iteration ...
: 1 Minimum Test error found - save the configuration
: 1 | 3.06876 1.07168 0.914143 0.0943233 1463.74 0
: 2 Minimum Test error found - save the configuration
: 2 | 0.951088 0.75748 0.844421 0.0740769 1557.74 0
: 3 Minimum Test error found - save the configuration
: 3 | 0.767577 0.744172 0.878616 0.0745609 1492.44 0
: 4 Minimum Test error found - save the configuration
: 4 | 0.698991 0.690919 0.834965 0.0754926 1580.04 0
: 5 Minimum Test error found - save the configuration
: 5 | 0.673692 0.675558 0.959369 0.104379 1403.52 0
: 6 Minimum Test error found - save the configuration
: 6 | 0.667498 0.665972 0.96787 0.0883241 1364.34 0
: 7 | 0.664802 0.673692 0.821808 0.0708506 1597.96 1
: 8 | 0.64657 0.670689 0.836024 0.0701079 1566.75 2
: 9 Minimum Test error found - save the configuration
: 9 | 0.623599 0.638899 0.816259 0.0766932 1622.57 0
: 10 Minimum Test error found - save the configuration
: 10 | 0.623347 0.634218 0.908078 0.0906011 1467.93 0
:
: Elapsed time for training with 1600 events: 8.87 sec
: Evaluate deep neural network on CPU using batches with size = 100
:
TMVA_CNN_CPU : [dataset] : Evaluation of TMVA_CNN_CPU on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.438 sec
: Creating xml weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_CNN_CPU.weights.xml␛[0m
: Creating standalone class: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_CNN_CPU.class.C␛[0m
Factory : Training finished
:
: Ranking input variables (method specific)...
BDT : Ranking result (top variable is best ranked)
: --------------------------------------
: Rank : Variable : Variable Importance
: --------------------------------------
: 1 : vars : 1.220e-02
: 2 : vars : 1.050e-02
: 3 : vars : 8.987e-03
: 4 : vars : 8.950e-03
: 5 : vars : 8.944e-03
: 6 : vars : 8.849e-03
: 7 : vars : 8.820e-03
: 8 : vars : 8.763e-03
: 9 : vars : 8.751e-03
: 10 : vars : 8.672e-03
: 11 : vars : 8.474e-03
: 12 : vars : 8.438e-03
: 13 : vars : 8.379e-03
: 14 : vars : 8.295e-03
: 15 : vars : 8.045e-03
: 16 : vars : 7.926e-03
: 17 : vars : 7.915e-03
: 18 : vars : 7.913e-03
: 19 : vars : 7.896e-03
: 20 : vars : 7.605e-03
: 21 : vars : 7.592e-03
: 22 : vars : 7.468e-03
: 23 : vars : 7.408e-03
: 24 : vars : 7.386e-03
: 25 : vars : 7.290e-03
: 26 : vars : 7.244e-03
: 27 : vars : 7.219e-03
: 28 : vars : 7.131e-03
: 29 : vars : 7.107e-03
: 30 : vars : 7.068e-03
: 31 : vars : 7.057e-03
: 32 : vars : 7.028e-03
: 33 : vars : 6.976e-03
: 34 : vars : 6.877e-03
: 35 : vars : 6.872e-03
: 36 : vars : 6.806e-03
: 37 : vars : 6.751e-03
: 38 : vars : 6.751e-03
: 39 : vars : 6.680e-03
: 40 : vars : 6.627e-03
: 41 : vars : 6.573e-03
: 42 : vars : 6.523e-03
: 43 : vars : 6.485e-03
: 44 : vars : 6.448e-03
: 45 : vars : 6.318e-03
: 46 : vars : 6.300e-03
: 47 : vars : 6.295e-03
: 48 : vars : 6.255e-03
: 49 : vars : 6.173e-03
: 50 : vars : 6.142e-03
: 51 : vars : 6.055e-03
: 52 : vars : 6.033e-03
: 53 : vars : 6.003e-03
: 54 : vars : 6.001e-03
: 55 : vars : 5.985e-03
: 56 : vars : 5.963e-03
: 57 : vars : 5.858e-03
: 58 : vars : 5.792e-03
: 59 : vars : 5.744e-03
: 60 : vars : 5.743e-03
: 61 : vars : 5.709e-03
: 62 : vars : 5.646e-03
: 63 : vars : 5.633e-03
: 64 : vars : 5.562e-03
: 65 : vars : 5.544e-03
: 66 : vars : 5.534e-03
: 67 : vars : 5.521e-03
: 68 : vars : 5.520e-03
: 69 : vars : 5.518e-03
: 70 : vars : 5.495e-03
: 71 : vars : 5.490e-03
: 72 : vars : 5.451e-03
: 73 : vars : 5.449e-03
: 74 : vars : 5.437e-03
: 75 : vars : 5.432e-03
: 76 : vars : 5.427e-03
: 77 : vars : 5.425e-03
: 78 : vars : 5.402e-03
: 79 : vars : 5.378e-03
: 80 : vars : 5.311e-03
: 81 : vars : 5.307e-03
: 82 : vars : 5.244e-03
: 83 : vars : 5.187e-03
: 84 : vars : 5.178e-03
: 85 : vars : 5.164e-03
: 86 : vars : 5.144e-03
: 87 : vars : 5.130e-03
: 88 : vars : 5.105e-03
: 89 : vars : 5.011e-03
: 90 : vars : 4.993e-03
: 91 : vars : 4.986e-03
: 92 : vars : 4.979e-03
: 93 : vars : 4.976e-03
: 94 : vars : 4.952e-03
: 95 : vars : 4.948e-03
: 96 : vars : 4.947e-03
: 97 : vars : 4.847e-03
: 98 : vars : 4.813e-03
: 99 : vars : 4.743e-03
: 100 : vars : 4.736e-03
: 101 : vars : 4.701e-03
: 102 : vars : 4.693e-03
: 103 : vars : 4.693e-03
: 104 : vars : 4.684e-03
: 105 : vars : 4.668e-03
: 106 : vars : 4.663e-03
: 107 : vars : 4.601e-03
: 108 : vars : 4.592e-03
: 109 : vars : 4.540e-03
: 110 : vars : 4.516e-03
: 111 : vars : 4.498e-03
: 112 : vars : 4.489e-03
: 113 : vars : 4.468e-03
: 114 : vars : 4.437e-03
: 115 : vars : 4.396e-03
: 116 : vars : 4.389e-03
: 117 : vars : 4.346e-03
: 118 : vars : 4.311e-03
: 119 : vars : 4.256e-03
: 120 : vars : 4.252e-03
: 121 : vars : 4.231e-03
: 122 : vars : 4.205e-03
: 123 : vars : 4.191e-03
: 124 : vars : 4.168e-03
: 125 : vars : 4.122e-03
: 126 : vars : 4.084e-03
: 127 : vars : 4.058e-03
: 128 : vars : 4.025e-03
: 129 : vars : 3.980e-03
: 130 : vars : 3.931e-03
: 131 : vars : 3.890e-03
: 132 : vars : 3.885e-03
: 133 : vars : 3.832e-03
: 134 : vars : 3.771e-03
: 135 : vars : 3.768e-03
: 136 : vars : 3.764e-03
: 137 : vars : 3.764e-03
: 138 : vars : 3.754e-03
: 139 : vars : 3.754e-03
: 140 : vars : 3.753e-03
: 141 : vars : 3.750e-03
: 142 : vars : 3.732e-03
: 143 : vars : 3.665e-03
: 144 : vars : 3.652e-03
: 145 : vars : 3.622e-03
: 146 : vars : 3.576e-03
: 147 : vars : 3.571e-03
: 148 : vars : 3.567e-03
: 149 : vars : 3.536e-03
: 150 : vars : 3.523e-03
: 151 : vars : 3.503e-03
: 152 : vars : 3.501e-03
: 153 : vars : 3.481e-03
: 154 : vars : 3.463e-03
: 155 : vars : 3.428e-03
: 156 : vars : 3.413e-03
: 157 : vars : 3.410e-03
: 158 : vars : 3.407e-03
: 159 : vars : 3.385e-03
: 160 : vars : 3.380e-03
: 161 : vars : 3.379e-03
: 162 : vars : 3.304e-03
: 163 : vars : 3.246e-03
: 164 : vars : 3.171e-03
: 165 : vars : 3.110e-03
: 166 : vars : 3.065e-03
: 167 : vars : 3.022e-03
: 168 : vars : 2.985e-03
: 169 : vars : 2.981e-03
: 170 : vars : 2.891e-03
: 171 : vars : 2.822e-03
: 172 : vars : 2.808e-03
: 173 : vars : 2.801e-03
: 174 : vars : 2.799e-03
: 175 : vars : 2.785e-03
: 176 : vars : 2.747e-03
: 177 : vars : 2.744e-03
: 178 : vars : 2.741e-03
: 179 : vars : 2.691e-03
: 180 : vars : 2.689e-03
: 181 : vars : 2.681e-03
: 182 : vars : 2.676e-03
: 183 : vars : 2.658e-03
: 184 : vars : 2.609e-03
: 185 : vars : 2.536e-03
: 186 : vars : 2.424e-03
: 187 : vars : 2.409e-03
: 188 : vars : 2.364e-03
: 189 : vars : 2.339e-03
: 190 : vars : 2.330e-03
: 191 : vars : 2.236e-03
: 192 : vars : 2.207e-03
: 193 : vars : 2.112e-03
: 194 : vars : 2.111e-03
: 195 : vars : 2.009e-03
: 196 : vars : 1.995e-03
: 197 : vars : 1.968e-03
: 198 : vars : 1.940e-03
: 199 : vars : 1.796e-03
: 200 : vars : 1.774e-03
: 201 : vars : 1.694e-03
: 202 : vars : 1.272e-03
: 203 : vars : 1.191e-03
: 204 : vars : 1.189e-03
: 205 : vars : 1.128e-03
: 206 : vars : 9.761e-04
: 207 : vars : 2.768e-04
: 208 : vars : 0.000e+00
: 209 : vars : 0.000e+00
: 210 : vars : 0.000e+00
: 211 : vars : 0.000e+00
: 212 : vars : 0.000e+00
: 213 : vars : 0.000e+00
: 214 : vars : 0.000e+00
: 215 : vars : 0.000e+00
: 216 : vars : 0.000e+00
: 217 : vars : 0.000e+00
: 218 : vars : 0.000e+00
: 219 : vars : 0.000e+00
: 220 : vars : 0.000e+00
: 221 : vars : 0.000e+00
: 222 : vars : 0.000e+00
: 223 : vars : 0.000e+00
: 224 : vars : 0.000e+00
: 225 : vars : 0.000e+00
: 226 : vars : 0.000e+00
: 227 : vars : 0.000e+00
: 228 : vars : 0.000e+00
: 229 : vars : 0.000e+00
: 230 : vars : 0.000e+00
: 231 : vars : 0.000e+00
: 232 : vars : 0.000e+00
: 233 : vars : 0.000e+00
: 234 : vars : 0.000e+00
: 235 : vars : 0.000e+00
: 236 : vars : 0.000e+00
: 237 : vars : 0.000e+00
: 238 : vars : 0.000e+00
: 239 : vars : 0.000e+00
: 240 : vars : 0.000e+00
: 241 : vars : 0.000e+00
: 242 : vars : 0.000e+00
: 243 : vars : 0.000e+00
: 244 : vars : 0.000e+00
: 245 : vars : 0.000e+00
: 246 : vars : 0.000e+00
: 247 : vars : 0.000e+00
: 248 : vars : 0.000e+00
: 249 : vars : 0.000e+00
: 250 : vars : 0.000e+00
: 251 : vars : 0.000e+00
: 252 : vars : 0.000e+00
: 253 : vars : 0.000e+00
: 254 : vars : 0.000e+00
: 255 : vars : 0.000e+00
: 256 : vars : 0.000e+00
: --------------------------------------
: No variable ranking supplied by classifier: TMVA_DNN_CPU
: No variable ranking supplied by classifier: TMVA_CNN_CPU
TH1.Print Name = TrainingHistory_TMVA_DNN_CPU_trainingError, Entries= 0, Total sum= 4.91746
TH1.Print Name = TrainingHistory_TMVA_DNN_CPU_valError, Entries= 0, Total sum= 7.25017
TH1.Print Name = TrainingHistory_TMVA_CNN_CPU_trainingError, Entries= 0, Total sum= 9.38592
TH1.Print Name = TrainingHistory_TMVA_CNN_CPU_valError, Entries= 0, Total sum= 7.22328
Factory : === Destroy and recreate all methods via weight files for testing ===
:
: Reading weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_BDT.weights.xml␛[0m
: Reading weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_DNN_CPU.weights.xml␛[0m
: Reading weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_TMVA_CNN_CPU.weights.xml␛[0m
Factory : ␛[1mTest all methods␛[0m
Factory : Test method: BDT for Classification performance
:
BDT : [dataset] : Evaluation of BDT on testing sample (400 events)
: Elapsed time for evaluation of 400 events: 0.00201 sec
Factory : Test method: TMVA_DNN_CPU for Classification performance
:
: Evaluate deep neural network on CPU using batches with size = 400
:
TMVA_DNN_CPU : [dataset] : Evaluation of TMVA_DNN_CPU on testing sample (400 events)
: Elapsed time for evaluation of 400 events: 0.0166 sec
Factory : Test method: TMVA_CNN_CPU for Classification performance
:
: Evaluate deep neural network on CPU using batches with size = 400
:
TMVA_CNN_CPU : [dataset] : Evaluation of TMVA_CNN_CPU on testing sample (400 events)
: Elapsed time for evaluation of 400 events: 0.115 sec
Factory : ␛[1mEvaluate all methods␛[0m
Factory : Evaluate classifier: BDT
:
BDT : [dataset] : Loop over test events and fill histograms with classifier response...
:
: Dataset[dataset] : variable plots are not produces ! The number of variables is 256 , it is larger than 200
Factory : Evaluate classifier: TMVA_DNN_CPU
:
TMVA_DNN_CPU : [dataset] : Loop over test events and fill histograms with classifier response...
:
: Evaluate deep neural network on CPU using batches with size = 1000
:
: Dataset[dataset] : variable plots are not produces ! The number of variables is 256 , it is larger than 200
Factory : Evaluate classifier: TMVA_CNN_CPU
:
TMVA_CNN_CPU : [dataset] : Loop over test events and fill histograms with classifier response...
:
: Evaluate deep neural network on CPU using batches with size = 1000
:
: Dataset[dataset] : variable plots are not produces ! The number of variables is 256 , it is larger than 200
:
: Evaluation results ranked by best signal efficiency and purity (area)
: -------------------------------------------------------------------------------------------------------------------
: DataSet MVA
: Name: Method: ROC-integ
: dataset BDT : 0.743
: dataset TMVA_DNN_CPU : 0.697
: dataset TMVA_CNN_CPU : 0.680
: -------------------------------------------------------------------------------------------------------------------
:
: Testing efficiency compared to training efficiency (overtraining check)
: -------------------------------------------------------------------------------------------------------------------
: DataSet MVA Signal efficiency: from test sample (from training sample)
: Name: Method: @B=0.01 @B=0.10 @B=0.30
: -------------------------------------------------------------------------------------------------------------------
: dataset BDT : 0.095 (0.275) 0.335 (0.550) 0.612 (0.833)
: dataset TMVA_DNN_CPU : 0.045 (0.135) 0.275 (0.549) 0.588 (0.784)
: dataset TMVA_CNN_CPU : 0.015 (0.075) 0.252 (0.302) 0.539 (0.636)
: -------------------------------------------------------------------------------------------------------------------
:
Dataset:dataset : Created tree 'TestTree' with 400 events
:
Dataset:dataset : Created tree 'TrainTree' with 1600 events
:
Factory : ␛[1mThank you for using TMVA!␛[0m
: ␛[1mFor citation information, please visit: http://tmva.sf.net/citeTMVA.html␛[0m
Author
Lorenzo Moneta

Definition in file TMVA_CNN_Classification.C.