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

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 !
Model: "sequential"
_________________________________________________________________
Layer (type) Output Shape Param #
=================================================================
reshape (Reshape) (None, 16, 16, 1) 0
conv2d (Conv2D) (None, 16, 16, 10) 100
batch_normalization (Batch (None, 16, 16, 10) 40
Normalization)
conv2d_1 (Conv2D) (None, 16, 16, 10) 910
max_pooling2d (MaxPooling2 (None, 15, 15, 10) 0
D)
flatten (Flatten) (None, 2250) 0
dense (Dense) (None, 256) 576256
dense_1 (Dense) (None, 2) 514
=================================================================
Total params: 577820 (2.20 MB)
Trainable params: 577800 (2.20 MB)
Non-trainable params: 20 (80.00 Byte)
_________________________________________________________________
Factory : Booking method: ␛[1mPyKeras␛[0m
:
: Setting up tf.keras
: Using TensorFlow version 2
: Use Keras version from TensorFlow : tf.keras
: Applying GPU option: gpu_options.allow_growth=True
: Loading Keras Model
: Loaded model from file: model_cnn.h5
Factory : Booking method: ␛[1mPyTorch␛[0m
:
: Using PyTorch - setting special configuration options
: Using PyTorch version 2
: Setup PyTorch Model for training
: Executing user initialization code from /home/sftnight/build/workspace/root-makedoc-master/rootspi/rdoc/src/master.build/tutorials/tmva/PyTorch_Generate_CNN_Model.py
running Torch code defining the model....
The PyTorch CNN model is created and saved as PyTorchModelCNN.pt
: Loaded pytorch train function:
: Loaded pytorch optimizer:
: Loaded pytorch loss function:
: Loaded pytorch predict function:
: Loaded model from file: PyTorchModelCNN.pt
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.877 sec
BDT : [dataset] : Evaluation of BDT on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.0175 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 = 68.7561
: --------------------------------------------------------------
: 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.877692 0.882183 0.182345 0.0162491 7224.75 0
: 2 Minimum Test error found - save the configuration
: 2 | 0.682605 0.776916 0.181393 0.0162039 7264.39 0
: 3 Minimum Test error found - save the configuration
: 3 | 0.577122 0.736101 0.183282 0.0161305 7179.1 0
: 4 | 0.53448 0.782804 0.181608 0.0151831 7210.45 1
: 5 | 0.466253 0.740495 0.181851 0.0155049 7213.86 2
: 6 Minimum Test error found - save the configuration
: 6 | 0.398426 0.72035 0.181717 0.0160162 7241.98 0
: 7 | 0.353882 0.721305 0.181885 0.0154351 7209.37 1
: 8 Minimum Test error found - save the configuration
: 8 | 0.301939 0.714204 0.18226 0.0159893 7217.14 0
: 9 | 0.260456 0.718561 0.182091 0.0154599 7201.54 1
: 10 | 0.233056 0.736606 0.180678 0.0151344 7248.84 2
:
: Elapsed time for training with 1600 events: 1.86 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.0802 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 = 41.9932
: --------------------------------------------------------------
: 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.46664 1.26439 1.48127 0.115425 878.576 0
: 2 Minimum Test error found - save the configuration
: 2 | 0.850209 0.673661 1.47508 0.114437 881.937 0
: 3 | 0.70111 0.676941 1.46211 0.110974 888.141 1
: 4 Minimum Test error found - save the configuration
: 4 | 0.681448 0.669154 1.46877 0.113259 885.277 0
: 5 Minimum Test error found - save the configuration
: 5 | 0.674823 0.655335 1.471 0.113734 884.132 0
: 6 | 0.666085 0.669271 1.46818 0.112437 885.124 1
: 7 Minimum Test error found - save the configuration
: 7 | 0.665816 0.646846 1.46865 0.112757 885.024 0
: 8 Minimum Test error found - save the configuration
: 8 | 0.646856 0.616236 1.46999 0.112949 884.275 0
: 9 | 0.635037 0.637704 1.47387 0.111148 880.594 1
: 10 Minimum Test error found - save the configuration
: 10 | 0.631286 0.581135 1.47349 0.113788 882.544 0
:
: Elapsed time for training with 1600 events: 14.8 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.593 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
:
Factory : Train method: PyKeras for Classification
:
:
: ␛[1m================================================================␛[0m
: ␛[1mH e l p f o r M V A m e t h o d [ PyKeras ] :␛[0m
:
: Keras is a high-level API for the Theano and Tensorflow packages.
: This method wraps the training and predictions steps of the Keras
: Python package for TMVA, so that dataloading, preprocessing and
: evaluation can be done within the TMVA system. To use this Keras
: interface, you have to generate a model with Keras first. Then,
: this model can be loaded and trained in TMVA.
:
:
: <Suppress this message by specifying "!H" in the booking option>
: ␛[1m================================================================␛[0m
:
: Split TMVA training data in 1280 training events and 320 validation events
: Training Model Summary
custom objects for loading model : {'optimizer': <class 'torch.optim.adam.Adam'>, 'criterion': BCELoss(), 'train_func': <function fit at 0x7f8fe4652820>, 'predict_func': <function predict at 0x7f8fe4652940>}
Model: "sequential"
_________________________________________________________________
Layer (type) Output Shape Param #
=================================================================
reshape (Reshape) (None, 16, 16, 1) 0
conv2d (Conv2D) (None, 16, 16, 10) 100
batch_normalization (Batch (None, 16, 16, 10) 40
Normalization)
conv2d_1 (Conv2D) (None, 16, 16, 10) 910
max_pooling2d (MaxPooling2 (None, 15, 15, 10) 0
D)
flatten (Flatten) (None, 2250) 0
dense (Dense) (None, 256) 576256
dense_1 (Dense) (None, 2) 514
=================================================================
Total params: 577820 (2.20 MB)
Trainable params: 577800 (2.20 MB)
Non-trainable params: 20 (80.00 Byte)
_________________________________________________________________
: Option SaveBestOnly: Only model weights with smallest validation loss will be stored
Epoch 1/10
1/13 [=>............................] - ETA: 10s - loss: 0.7849 - accuracy: 0.5000␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
4/13 [========>.....................] - ETA: 0s - loss: 1.9348 - accuracy: 0.5275 ␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
8/13 [=================>............] - ETA: 0s - loss: 1.5321 - accuracy: 0.5337␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
12/13 [==========================>...] - ETA: 0s - loss: 1.2690 - accuracy: 0.5392
Epoch 1: val_loss improved from inf to 0.75664, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 2s 54ms/step - loss: 1.2400 - accuracy: 0.5367 - val_loss: 0.7566 - val_accuracy: 0.5531
Epoch 2/10
1/13 [=>............................] - ETA: 0s - loss: 0.8122 - accuracy: 0.4600␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.7406 - accuracy: 0.5260␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
8/13 [=================>............] - ETA: 0s - loss: 0.7257 - accuracy: 0.5550␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
12/13 [==========================>...] - ETA: 0s - loss: 0.7170 - accuracy: 0.5558
Epoch 2: val_loss improved from 0.75664 to 0.71934, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 23ms/step - loss: 0.7163 - accuracy: 0.5555 - val_loss: 0.7193 - val_accuracy: 0.4844
Epoch 3/10
1/13 [=>............................] - ETA: 0s - loss: 0.6562 - accuracy: 0.6200␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.6631 - accuracy: 0.6280␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.6736 - accuracy: 0.5822␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.6695 - accuracy: 0.6000
Epoch 3: val_loss improved from 0.71934 to 0.70575, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 22ms/step - loss: 0.6695 - accuracy: 0.6000 - val_loss: 0.7057 - val_accuracy: 0.4844
Epoch 4/10
1/13 [=>............................] - ETA: 0s - loss: 0.6613 - accuracy: 0.6100␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.6551 - accuracy: 0.6400␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.6557 - accuracy: 0.6389␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.6552 - accuracy: 0.6336
Epoch 4: val_loss improved from 0.70575 to 0.69405, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 22ms/step - loss: 0.6552 - accuracy: 0.6336 - val_loss: 0.6940 - val_accuracy: 0.5000
Epoch 5/10
1/13 [=>............................] - ETA: 0s - loss: 0.6608 - accuracy: 0.5800␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.6422 - accuracy: 0.6620␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.6392 - accuracy: 0.6767␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.6382 - accuracy: 0.6789
Epoch 5: val_loss improved from 0.69405 to 0.65787, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 21ms/step - loss: 0.6382 - accuracy: 0.6789 - val_loss: 0.6579 - val_accuracy: 0.6750
Epoch 6/10
1/13 [=>............................] - ETA: 0s - loss: 0.6484 - accuracy: 0.5600␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.6162 - accuracy: 0.7020␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
10/13 [======================>.......] - ETA: 0s - loss: 0.6177 - accuracy: 0.7110␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.6219 - accuracy: 0.6891
Epoch 6: val_loss did not improve from 0.65787
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 19ms/step - loss: 0.6219 - accuracy: 0.6891 - val_loss: 0.6897 - val_accuracy: 0.5063
Epoch 7/10
1/13 [=>............................] - ETA: 0s - loss: 0.6099 - accuracy: 0.6600␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.6134 - accuracy: 0.6740␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.6075 - accuracy: 0.7000␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.6055 - accuracy: 0.7242
Epoch 7: val_loss improved from 0.65787 to 0.63523, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 23ms/step - loss: 0.6055 - accuracy: 0.7242 - val_loss: 0.6352 - val_accuracy: 0.6875
Epoch 8/10
1/13 [=>............................] - ETA: 0s - loss: 0.5534 - accuracy: 0.8300␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.5778 - accuracy: 0.7920␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.5772 - accuracy: 0.7633␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.5736 - accuracy: 0.7703
Epoch 8: val_loss improved from 0.63523 to 0.61261, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 22ms/step - loss: 0.5736 - accuracy: 0.7703 - val_loss: 0.6126 - val_accuracy: 0.6656
Epoch 9/10
1/13 [=>............................] - ETA: 0s - loss: 0.5700 - accuracy: 0.7700␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.5630 - accuracy: 0.7740␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.5550 - accuracy: 0.7778␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.5467 - accuracy: 0.7820
Epoch 9: val_loss improved from 0.61261 to 0.59281, saving model to trained_model_cnn.h5
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 1s 43ms/step - loss: 0.5467 - accuracy: 0.7820 - val_loss: 0.5928 - val_accuracy: 0.7344
Epoch 10/10
1/13 [=>............................] - ETA: 0s - loss: 0.4950 - accuracy: 0.8000␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
5/13 [==========>...................] - ETA: 0s - loss: 0.5153 - accuracy: 0.7880␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
9/13 [===================>..........] - ETA: 0s - loss: 0.5190 - accuracy: 0.7844␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - ETA: 0s - loss: 0.5175 - accuracy: 0.7945
Epoch 10: val_loss did not improve from 0.59281
␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈␈
13/13 [==============================] - 0s 20ms/step - loss: 0.5175 - accuracy: 0.7945 - val_loss: 0.6335 - val_accuracy: 0.6406
: Getting training history for item:0 name = 'loss'
: Getting training history for item:1 name = 'accuracy'
: Getting training history for item:2 name = 'val_loss'
: Getting training history for item:3 name = 'val_accuracy'
: Elapsed time for training with 1600 events: 4.36 sec
: Setting up tf.keras
: Using TensorFlow version 2
: Use Keras version from TensorFlow : tf.keras
: Applying GPU option: gpu_options.allow_growth=True
: Disabled TF eager execution when evaluating model
: Loading Keras Model
: Loaded model from file: trained_model_cnn.h5
PyKeras : [dataset] : Evaluation of PyKeras on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.266 sec
: Creating xml weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyKeras.weights.xml␛[0m
: Creating standalone class: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyKeras.class.C␛[0m
Factory : Training finished
:
Factory : Train method: PyTorch for Classification
:
:
: ␛[1m================================================================␛[0m
: ␛[1mH e l p f o r M V A m e t h o d [ PyTorch ] :␛[0m
:
: PyTorch is a scientific computing package supporting
: automatic differentiation. This method wraps the training
: and predictions steps of the PyTorch Python package for
: TMVA, so that dataloading, preprocessing and evaluation
: can be done within the TMVA system. To use this PyTorch
: interface, you need to generatea model with PyTorch first.
: Then, this model can be loaded and trained in TMVA.
:
:
: <Suppress this message by specifying "!H" in the booking option>
: ␛[1m================================================================␛[0m
:
: Split TMVA training data in 1280 training events and 320 validation events
: Print Training Model Architecture
: Option SaveBestOnly: Only model weights with smallest validation loss will be stored
: Elapsed time for training with 1600 events: 23.3 sec
PyTorch : [dataset] : Evaluation of PyTorch on training sample (1600 events)
: Elapsed time for evaluation of 1600 events: 0.419 sec
: Creating xml weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyTorch.weights.xml␛[0m
: Creating standalone class: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyTorch.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.285e-02
: 2 : vars : 1.082e-02
: 3 : vars : 1.027e-02
: 4 : vars : 1.013e-02
: 5 : vars : 1.006e-02
: 6 : vars : 8.784e-03
: 7 : vars : 8.558e-03
: 8 : vars : 8.521e-03
: 9 : vars : 8.436e-03
: 10 : vars : 8.361e-03
: 11 : vars : 8.284e-03
: 12 : vars : 8.138e-03
: 13 : vars : 8.101e-03
: 14 : vars : 7.992e-03
: 15 : vars : 7.962e-03
: 16 : vars : 7.914e-03
: 17 : vars : 7.752e-03
: 18 : vars : 7.742e-03
: 19 : vars : 7.695e-03
: 20 : vars : 7.547e-03
: 21 : vars : 7.374e-03
: 22 : vars : 7.373e-03
: 23 : vars : 7.343e-03
: 24 : vars : 7.330e-03
: 25 : vars : 7.281e-03
: 26 : vars : 7.245e-03
: 27 : vars : 7.172e-03
: 28 : vars : 7.022e-03
: 29 : vars : 7.004e-03
: 30 : vars : 6.958e-03
: 31 : vars : 6.925e-03
: 32 : vars : 6.921e-03
: 33 : vars : 6.909e-03
: 34 : vars : 6.722e-03
: 35 : vars : 6.665e-03
: 36 : vars : 6.513e-03
: 37 : vars : 6.498e-03
: 38 : vars : 6.450e-03
: 39 : vars : 6.307e-03
: 40 : vars : 6.299e-03
: 41 : vars : 6.289e-03
: 42 : vars : 6.271e-03
: 43 : vars : 6.268e-03
: 44 : vars : 6.267e-03
: 45 : vars : 6.234e-03
: 46 : vars : 6.182e-03
: 47 : vars : 6.181e-03
: 48 : vars : 6.137e-03
: 49 : vars : 6.125e-03
: 50 : vars : 6.116e-03
: 51 : vars : 6.018e-03
: 52 : vars : 6.017e-03
: 53 : vars : 5.973e-03
: 54 : vars : 5.944e-03
: 55 : vars : 5.943e-03
: 56 : vars : 5.921e-03
: 57 : vars : 5.887e-03
: 58 : vars : 5.870e-03
: 59 : vars : 5.807e-03
: 60 : vars : 5.794e-03
: 61 : vars : 5.713e-03
: 62 : vars : 5.710e-03
: 63 : vars : 5.653e-03
: 64 : vars : 5.651e-03
: 65 : vars : 5.650e-03
: 66 : vars : 5.600e-03
: 67 : vars : 5.529e-03
: 68 : vars : 5.514e-03
: 69 : vars : 5.505e-03
: 70 : vars : 5.494e-03
: 71 : vars : 5.418e-03
: 72 : vars : 5.408e-03
: 73 : vars : 5.343e-03
: 74 : vars : 5.290e-03
: 75 : vars : 5.290e-03
: 76 : vars : 5.288e-03
: 77 : vars : 5.268e-03
: 78 : vars : 5.199e-03
: 79 : vars : 5.181e-03
: 80 : vars : 5.181e-03
: 81 : vars : 5.155e-03
: 82 : vars : 5.150e-03
: 83 : vars : 5.119e-03
: 84 : vars : 5.048e-03
: 85 : vars : 5.034e-03
: 86 : vars : 5.033e-03
: 87 : vars : 5.028e-03
: 88 : vars : 5.011e-03
: 89 : vars : 4.998e-03
: 90 : vars : 4.993e-03
: 91 : vars : 4.982e-03
: 92 : vars : 4.976e-03
: 93 : vars : 4.947e-03
: 94 : vars : 4.931e-03
: 95 : vars : 4.901e-03
: 96 : vars : 4.893e-03
: 97 : vars : 4.892e-03
: 98 : vars : 4.850e-03
: 99 : vars : 4.844e-03
: 100 : vars : 4.790e-03
: 101 : vars : 4.788e-03
: 102 : vars : 4.767e-03
: 103 : vars : 4.761e-03
: 104 : vars : 4.724e-03
: 105 : vars : 4.684e-03
: 106 : vars : 4.632e-03
: 107 : vars : 4.610e-03
: 108 : vars : 4.561e-03
: 109 : vars : 4.498e-03
: 110 : vars : 4.498e-03
: 111 : vars : 4.464e-03
: 112 : vars : 4.451e-03
: 113 : vars : 4.446e-03
: 114 : vars : 4.440e-03
: 115 : vars : 4.317e-03
: 116 : vars : 4.266e-03
: 117 : vars : 4.265e-03
: 118 : vars : 4.258e-03
: 119 : vars : 4.228e-03
: 120 : vars : 4.220e-03
: 121 : vars : 4.202e-03
: 122 : vars : 4.199e-03
: 123 : vars : 4.181e-03
: 124 : vars : 4.161e-03
: 125 : vars : 4.108e-03
: 126 : vars : 4.104e-03
: 127 : vars : 4.011e-03
: 128 : vars : 4.001e-03
: 129 : vars : 3.993e-03
: 130 : vars : 3.977e-03
: 131 : vars : 3.816e-03
: 132 : vars : 3.808e-03
: 133 : vars : 3.797e-03
: 134 : vars : 3.777e-03
: 135 : vars : 3.763e-03
: 136 : vars : 3.736e-03
: 137 : vars : 3.711e-03
: 138 : vars : 3.709e-03
: 139 : vars : 3.704e-03
: 140 : vars : 3.696e-03
: 141 : vars : 3.690e-03
: 142 : vars : 3.675e-03
: 143 : vars : 3.672e-03
: 144 : vars : 3.652e-03
: 145 : vars : 3.644e-03
: 146 : vars : 3.635e-03
: 147 : vars : 3.619e-03
: 148 : vars : 3.608e-03
: 149 : vars : 3.602e-03
: 150 : vars : 3.599e-03
: 151 : vars : 3.592e-03
: 152 : vars : 3.564e-03
: 153 : vars : 3.525e-03
: 154 : vars : 3.488e-03
: 155 : vars : 3.475e-03
: 156 : vars : 3.468e-03
: 157 : vars : 3.449e-03
: 158 : vars : 3.438e-03
: 159 : vars : 3.432e-03
: 160 : vars : 3.401e-03
: 161 : vars : 3.341e-03
: 162 : vars : 3.337e-03
: 163 : vars : 3.312e-03
: 164 : vars : 3.303e-03
: 165 : vars : 3.288e-03
: 166 : vars : 3.266e-03
: 167 : vars : 3.240e-03
: 168 : vars : 3.231e-03
: 169 : vars : 3.227e-03
: 170 : vars : 3.200e-03
: 171 : vars : 3.117e-03
: 172 : vars : 3.116e-03
: 173 : vars : 3.082e-03
: 174 : vars : 3.004e-03
: 175 : vars : 2.964e-03
: 176 : vars : 2.947e-03
: 177 : vars : 2.870e-03
: 178 : vars : 2.854e-03
: 179 : vars : 2.801e-03
: 180 : vars : 2.775e-03
: 181 : vars : 2.764e-03
: 182 : vars : 2.763e-03
: 183 : vars : 2.750e-03
: 184 : vars : 2.700e-03
: 185 : vars : 2.683e-03
: 186 : vars : 2.640e-03
: 187 : vars : 2.546e-03
: 188 : vars : 2.544e-03
: 189 : vars : 2.515e-03
: 190 : vars : 2.480e-03
: 191 : vars : 2.337e-03
: 192 : vars : 2.315e-03
: 193 : vars : 2.206e-03
: 194 : vars : 2.186e-03
: 195 : vars : 2.062e-03
: 196 : vars : 1.962e-03
: 197 : vars : 1.635e-03
: 198 : vars : 1.538e-03
: 199 : vars : 1.521e-03
: 200 : vars : 1.508e-03
: 201 : vars : 1.436e-03
: 202 : vars : 1.365e-03
: 203 : vars : 1.314e-03
: 204 : vars : 1.282e-03
: 205 : vars : 1.085e-03
: 206 : vars : 8.993e-04
: 207 : vars : 7.346e-04
: 208 : vars : 4.509e-04
: 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
: No variable ranking supplied by classifier: PyKeras
: No variable ranking supplied by classifier: PyTorch
TH1.Print Name = TrainingHistory_TMVA_DNN_CPU_trainingError, Entries= 0, Total sum= 4.68591
TH1.Print Name = TrainingHistory_TMVA_DNN_CPU_valError, Entries= 0, Total sum= 7.52953
TH1.Print Name = TrainingHistory_TMVA_CNN_CPU_trainingError, Entries= 0, Total sum= 9.61931
TH1.Print Name = TrainingHistory_TMVA_CNN_CPU_valError, Entries= 0, Total sum= 7.09068
TH1.Print Name = TrainingHistory_PyKeras_'accuracy', Entries= 0, Total sum= 6.76484
TH1.Print Name = TrainingHistory_PyKeras_'loss', Entries= 0, Total sum= 6.78437
TH1.Print Name = TrainingHistory_PyKeras_'val_accuracy', Entries= 0, Total sum= 5.93125
TH1.Print Name = TrainingHistory_PyKeras_'val_loss', Entries= 0, Total sum= 6.69747
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
: Reading weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyKeras.weights.xml␛[0m
: Reading weight file: ␛[0;36mdataset/weights/TMVA_CNN_Classification_PyTorch.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.00621 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.0189 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.149 sec
Factory : Test method: PyKeras for Classification performance
:
: Setting up tf.keras
: Using TensorFlow version 2
: Use Keras version from TensorFlow : tf.keras
: Applying GPU option: gpu_options.allow_growth=True
: Disabled TF eager execution when evaluating model
: Loading Keras Model
: Loaded model from file: trained_model_cnn.h5
PyKeras : [dataset] : Evaluation of PyKeras on testing sample (400 events)
: Elapsed time for evaluation of 400 events: 0.205 sec
Factory : Test method: PyTorch for Classification performance
:
: Setup PyTorch Model for training
: Executing user initialization code from /home/sftnight/build/workspace/root-makedoc-master/rootspi/rdoc/src/master.build/tutorials/tmva/PyTorch_Generate_CNN_Model.py
RecursiveScriptModule(
original_name=Sequential
(0): RecursiveScriptModule(original_name=Reshape)
(1): RecursiveScriptModule(original_name=Conv2d)
(2): RecursiveScriptModule(original_name=ReLU)
(3): RecursiveScriptModule(original_name=BatchNorm2d)
(4): RecursiveScriptModule(original_name=Conv2d)
(5): RecursiveScriptModule(original_name=ReLU)
(6): RecursiveScriptModule(original_name=MaxPool2d)
(7): RecursiveScriptModule(original_name=Flatten)
(8): RecursiveScriptModule(original_name=Linear)
(9): RecursiveScriptModule(original_name=ReLU)
(10): RecursiveScriptModule(original_name=Linear)
(11): RecursiveScriptModule(original_name=Sigmoid)
)
[1, 4] train loss: 0.998
[1, 8] train loss: 0.731
[1, 12] train loss: 0.717
[1] val loss: 0.693
[2, 4] train loss: 0.694
[2, 8] train loss: 0.693
[2, 12] train loss: 0.688
[2] val loss: 0.686
[3, 4] train loss: 0.689
[3, 8] train loss: 0.679
[3, 12] train loss: 0.678
[3] val loss: 0.687
[4, 4] train loss: 0.672
[4, 8] train loss: 0.655
[4, 12] train loss: 0.635
[4] val loss: 0.633
[5, 4] train loss: 0.608
[5, 8] train loss: 0.588
[5, 12] train loss: 0.628
[5] val loss: 0.634
[6, 4] train loss: 0.530
[6, 8] train loss: 0.495
[6, 12] train loss: 0.523
[6] val loss: 0.658
[7, 4] train loss: 0.465
[7, 8] train loss: 0.460
[7, 12] train loss: 0.491
[7] val loss: 0.471
[8, 4] train loss: 0.473
[8, 8] train loss: 0.543
[8, 12] train loss: 0.441
[8] val loss: 0.564
[9, 4] train loss: 0.399
[9, 8] train loss: 0.363
[9, 12] train loss: 0.345
[9] val loss: 0.478
[10, 4] train loss: 0.364
[10, 8] train loss: 0.407
[10, 12] train loss: 0.410
[10] val loss: 0.484
Finished Training on 10 Epochs!
running Torch code defining the model....
The PyTorch CNN model is created and saved as PyTorchModelCNN.pt
: Loaded pytorch train function:
: Loaded pytorch optimizer:
: Loaded pytorch loss function:
: Loaded pytorch predict function:
: Loaded model from file: PyTorchTrainedModelCNN.pt
PyTorch : [dataset] : Evaluation of PyTorch on testing sample (400 events)
: Elapsed time for evaluation of 400 events: 0.123 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
Factory : Evaluate classifier: PyKeras
:
PyKeras : [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: PyTorch
:
PyTorch : [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
:
: Evaluation results ranked by best signal efficiency and purity (area)
: -------------------------------------------------------------------------------------------------------------------
: DataSet MVA
: Name: Method: ROC-integ
: dataset PyTorch : 0.811
: dataset TMVA_CNN_CPU : 0.779
: dataset BDT : 0.728
: dataset PyKeras : 0.705
: dataset TMVA_DNN_CPU : 0.687
: -------------------------------------------------------------------------------------------------------------------
:
: 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 PyTorch : 0.045 (0.165) 0.405 (0.655) 0.780 (0.877)
: dataset TMVA_CNN_CPU : 0.065 (0.115) 0.445 (0.445) 0.690 (0.790)
: dataset BDT : 0.080 (0.315) 0.360 (0.585) 0.635 (0.814)
: dataset PyKeras : 0.015 (0.092) 0.325 (0.388) 0.560 (0.629)
: dataset TMVA_DNN_CPU : 0.015 (0.175) 0.255 (0.540) 0.545 (0.808)
: -------------------------------------------------------------------------------------------------------------------
:
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
/***
# 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));
h1.FillRandom("f1", nRndmEvts);
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 TMVA_CNN_Classification(int nevts = 1000, std::vector<bool> opt = {1, 1, 1, 1, 1})
{
int imgSize = 16 * 16;
TString inputFileName = "images_data_16x16.root";
bool fileExist = !gSystem->AccessPathName(inputFileName);
// if file does not exists create it
if (!fileExist) {
MakeImagesTree(nevts, 16, 16);
}
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) {
ROOT::EnableImplicitMT(num_threads);
}
#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;
if (writeOutputFile)
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
**/
TMVA::DataLoader loader("dataset");
/***
## 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;
}
if (!backgroundTree) {
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)
Double_t signalWeight = 1.0;
Double_t backgroundWeight = 1.0;
// 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
TString prepareOptions = TString::Format(
"nTrain_Signal=%d:nTrain_Background=%d:SplitMode=Random:SplitSeed=100:NormMode=NumEvents:!V:!CalcCorrelations",
nTrainSig, nTrainBkg);
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) {
TString layoutString(
"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(layoutString);
dnnOptions.Append(":");
dnnOptions.Append(trainingStrategyString);
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
factory.BookMethod(&loader, TMVA::Types::kDL, dnnMethodName, dnnOptions);
}
/***
### 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=");
trainingStrategyString +=
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(inputLayoutString);
cnnOptions.Append(":");
cnnOptions.Append(layoutString);
cnnOptions.Append(":");
cnnOptions.Append(trainingStrategyString);
//// 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
factory.BookMethod(&loader, TMVA::Types::kDL, cnnMethodName, cnnOptions);
}
/**
### 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
TString tmva_python_exe{TMVA::Python_Executable()};
TString python_exe = tmva_python_exe.IsNull() ? "python" : tmva_python_exe;
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(
&loader, TMVA::Types::kPyKeras, "PyKeras",
"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
}
}
if (usePyTorchCNN) {
Info("TMVA_CNN_Classification", "Using Convolutional PyTorch Model");
TString pyTorchFileName = gROOT->GetTutorialDir() + TString("/tmva/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
void Info(const char *location, const char *msgfmt,...)
Use this function for informational messages.
Definition TError.cxx:218
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:406
R__EXTERN TRandom * gRandom
Definition TRandom.h:62
R__EXTERN TSystem * gSystem
Definition TSystem.h:555
A specialized string object used for TTree selections.
Definition TCut.h:25
virtual void SetParameters(const Double_t *params)
Definition TF1.h:670
virtual void SetParameter(Int_t param, Double_t value)
Definition TF1.h:660
A 2-Dim function with parameters.
Definition TF2.h:29
A ROOT file is composed of a header, followed by consecutive data records (TKey instances) with a wel...
Definition TFile.h:53
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:4067
void Close(Option_t *option="") override
Close a file.
Definition TFile.cxx:928
void Reset(Option_t *option="") override
Reset.
Definition TH1.cxx:10270
virtual void FillRandom(const char *fname, Int_t ntimes=5000, TRandom *rng=nullptr)
Fill histogram following distribution in function fname.
Definition TH1.cxx:3515
virtual Double_t GetBinContent(Int_t bin) const
Return content of bin number bin.
Definition TH1.cxx:5025
2-D histogram with a double per channel (see TH1 documentation)
Definition TH2.h:338
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
const char * Data() const
Definition TString.h:376
Bool_t IsNull() const
Definition TString.h:414
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:1296
virtual void Setenv(const char *name, const char *value)
Set environment variable.
Definition TSystem.cxx:1649
A TTree represents a columnar dataset.
Definition TTree.h:79
virtual Long64_t GetEntries() const
Definition TTree.h:463
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:537
UInt_t GetThreadPoolSize()
Returns the size of ROOT's thread pool.
Definition TROOT.cxx:575
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
Author
Lorenzo Moneta

Definition in file TMVA_CNN_Classification.C.