|
class | AbsoluteDeviationLossFunction |
| Absolute Deviation Loss Function. More...
|
|
class | AbsoluteDeviationLossFunctionBDT |
| Absolute Deviation BDT Loss Function. More...
|
|
class | AbsValue |
|
class | BDTEventWrapper |
|
class | BinarySearchTree |
| A simple Binary search tree including a volume search method. More...
|
|
class | BinarySearchTreeNode |
| Node for the BinarySearch or Decision Trees. More...
|
|
class | BinaryTree |
| Base class for BinarySearch and Decision Trees. More...
|
|
class | CCPruner |
| A helper class to prune a decision tree using the Cost Complexity method (see Classification and Regression Trees by Leo Breiman et al) More...
|
|
class | CCTreeWrapper |
|
class | ClassifierFactory |
| This is the MVA factory. More...
|
|
class | ClassInfo |
| Class that contains all the information of a class. More...
|
|
class | Config |
| Singleton class for global configuration settings used by TMVA. More...
|
|
class | Configurable |
|
class | ConvergenceTest |
| Check for convergence. More...
|
|
class | CostComplexityPruneTool |
| A class to prune a decision tree using the Cost Complexity method. More...
|
|
class | CrossEntropy |
| Implementation of the CrossEntropy as separation criterion. More...
|
|
class | CrossValidation |
| Class to perform cross validation, splitting the dataloader into folds. More...
|
|
class | CrossValidationFoldResult |
|
class | CrossValidationResult |
| Class to save the results of cross validation, the metric for the classification ins ROC and you can ROC curves ROC integrals, ROC average and ROC standard deviation. More...
|
|
class | CvSplit |
|
class | CvSplitKFolds |
|
class | CvSplitKFoldsExpr |
|
class | DataInputHandler |
| Class that contains all the data information. More...
|
|
class | DataLoader |
|
class | DataSet |
| Class that contains all the data information. More...
|
|
class | DataSetFactory |
| Class that contains all the data information. More...
|
|
class | DataSetInfo |
| Class that contains all the data information. More...
|
|
class | DataSetManager |
| Class that contains all the data information. More...
|
|
class | DecisionTree |
| Implementation of a Decision Tree. More...
|
|
class | DecisionTreeNode |
|
struct | DeleteFunctor_t |
|
class | DTNodeTrainingInfo |
|
class | Envelope |
| Abstract base class for all high level ml algorithms, you can book ml methods like BDT, MLP. More...
|
|
class | Event |
|
class | Executor |
| Base Executor class. More...
|
|
class | ExpectedErrorPruneTool |
| A helper class to prune a decision tree using the expected error (C4.5) method. More...
|
|
class | Factory |
| This is the main MVA steering class. More...
|
|
class | FitterBase |
| Base class for TMVA fitters. More...
|
|
class | GeneticAlgorithm |
| Base definition for genetic algorithm. More...
|
|
class | GeneticFitter |
| Fitter using a Genetic Algorithm. More...
|
|
class | GeneticGenes |
| Cut optimisation interface class for genetic algorithm. More...
|
|
class | GeneticPopulation |
| Population definition for genetic algorithm. More...
|
|
class | GeneticRange |
| Range definition for genetic algorithm. More...
|
|
class | GiniIndex |
| Implementation of the GiniIndex as separation criterion. More...
|
|
class | GiniIndexWithLaplace |
| Implementation of the GiniIndex With Laplace correction as separation criterion. More...
|
|
class | HuberLossFunction |
| Huber Loss Function. More...
|
|
class | HuberLossFunctionBDT |
| Huber BDT Loss Function. More...
|
|
class | HyperParameterOptimisation |
|
class | HyperParameterOptimisationResult |
|
class | IFitterTarget |
| Interface for a fitter 'target'. More...
|
|
class | IMethod |
| Interface for all concrete MVA method implementations. More...
|
|
class | Increment |
|
class | Interval |
| The TMVA::Interval Class. More...
|
|
class | IPruneTool |
| IPruneTool - a helper interface class to prune a decision tree. More...
|
|
class | IPythonInteractive |
| This class is needed by JsMVA, and it's a helper class for tracking errors during the training in Jupyter notebook. More...
|
|
class | KDEKernel |
| KDE Kernel for "smoothing" the PDFs. More...
|
|
class | LDA |
|
class | LeastSquaresLossFunction |
| Least Squares Loss Function. More...
|
|
class | LeastSquaresLossFunctionBDT |
| Least Squares BDT Loss Function. More...
|
|
class | LogInterval |
| The TMVA::Interval Class. More...
|
|
class | LossFunction |
|
class | LossFunctionBDT |
|
class | LossFunctionEventInfo |
|
class | MCFitter |
| Fitter using Monte Carlo sampling of parameters. More...
|
|
class | MethodANNBase |
| Base class for all TMVA methods using artificial neural networks. More...
|
|
class | MethodBase |
| Virtual base Class for all MVA method. More...
|
|
class | MethodBayesClassifier |
| Description of bayesian classifiers. More...
|
|
class | MethodBDT |
| Analysis of Boosted Decision Trees. More...
|
|
class | MethodBoost |
| Class for boosting a TMVA method. More...
|
|
class | MethodC50 |
|
class | MethodCategory |
| Class for categorizing the phase space. More...
|
|
class | MethodCFMlpANN |
| Interface to Clermond-Ferrand artificial neural network. More...
|
|
class | MethodCFMlpANN_Utils |
| Implementation of Clermond-Ferrand artificial neural network. More...
|
|
class | MethodCompositeBase |
| Virtual base class for combining several TMVA method. More...
|
|
class | MethodCrossValidation |
|
class | MethodCuts |
| Multivariate optimisation of signal efficiency for given background efficiency, applying rectangular minimum and maximum requirements. More...
|
|
class | MethodDL |
|
class | MethodDNN |
| Deep Neural Network Implementation. More...
|
|
class | MethodDT |
| Analysis of Boosted Decision Trees. More...
|
|
class | MethodFDA |
| Function discriminant analysis (FDA). More...
|
|
class | MethodFisher |
| Fisher and Mahalanobis Discriminants (Linear Discriminant Analysis) More...
|
|
class | MethodHMatrix |
| H-Matrix method, which is implemented as a simple comparison of chi-squared estimators for signal and background, taking into account the linear correlations between the input variables. More...
|
|
class | MethodInfo |
|
class | MethodKNN |
| Analysis of k-nearest neighbor. More...
|
|
class | MethodLD |
| Linear Discriminant. More...
|
|
class | MethodLikelihood |
| Likelihood analysis ("non-parametric approach") More...
|
|
class | MethodMLP |
| Multilayer Perceptron class built off of MethodANNBase. More...
|
|
class | MethodPDEFoam |
| The PDEFoam method is an extension of the PDERS method, which divides the multi-dimensional phase space in a finite number of hyper-rectangles (cells) of constant event density. More...
|
|
class | MethodPDERS |
| This is a generalization of the above Likelihood methods to dimensions, where is the number of input variables used in the MVA. More...
|
|
class | MethodPyAdaBoost |
|
class | MethodPyGTB |
|
class | MethodPyKeras |
|
class | MethodPyRandomForest |
|
class | MethodPyTorch |
|
class | MethodRSNNS |
|
class | MethodRSVM |
|
class | MethodRuleFit |
| J Friedman's RuleFit method. More...
|
|
class | MethodRXGB |
|
class | MethodSVM |
| SMO Platt's SVM classifier with Keerthi & Shavade improvements. More...
|
|
class | MethodTMlpANN |
| This is the TMVA TMultiLayerPerceptron interface class. More...
|
|
class | MinuitFitter |
| /Fitter using MINUIT More...
|
|
class | MinuitWrapper |
| Wrapper around MINUIT. More...
|
|
class | MisClassificationError |
| Implementation of the MisClassificationError as separation criterion. More...
|
|
class | Monitoring |
|
class | MsgLogger |
| ostringstream derivative to redirect and format output More...
|
|
class | Node |
| Node for the BinarySearch or Decision Trees. More...
|
|
class | null_t |
|
class | OptimizeConfigParameters |
|
class | Option |
|
class | Option< T * > |
|
class | OptionBase |
| Class for TMVA-option handling. More...
|
|
class | OptionMap |
| class to storage options for the differents methods More...
|
|
class | PDEFoam |
| Implementation of PDEFoam. More...
|
|
class | PDEFoamCell |
|
class | PDEFoamDecisionTree |
| This PDEFoam variant acts like a decision tree and stores in every cell the discriminant. More...
|
|
class | PDEFoamDecisionTreeDensity |
| This is a concrete implementation of PDEFoam. More...
|
|
class | PDEFoamDensityBase |
| This is an abstract class, which provides an interface for a PDEFoam density estimator. More...
|
|
class | PDEFoamDiscriminant |
| This PDEFoam variant stores in every cell the discriminant. More...
|
|
class | PDEFoamDiscriminantDensity |
| This is a concrete implementation of PDEFoam. More...
|
|
class | PDEFoamEvent |
| This PDEFoam variant stores in every cell the sum of event weights and the sum of the squared event weights. More...
|
|
class | PDEFoamEventDensity |
| This is a concrete implementation of PDEFoam. More...
|
|
class | PDEFoamKernelBase |
| This class is the abstract kernel interface for PDEFoam. More...
|
|
class | PDEFoamKernelGauss |
| This PDEFoam kernel estimates a cell value for a given event by weighting all cell values with a gauss function. More...
|
|
class | PDEFoamKernelLinN |
| This PDEFoam kernel estimates a cell value for a given event by weighting with cell values of the nearest neighbor cells. More...
|
|
class | PDEFoamKernelTrivial |
| This class is a trivial PDEFoam kernel estimator. More...
|
|
class | PDEFoamMultiTarget |
| This PDEFoam variant is used to estimate multiple targets by creating an event density foam (PDEFoamEvent), which has dimension: More...
|
|
class | PDEFoamTarget |
| This PDEFoam variant stores in every cell the average target fTarget (see the Constructor) as well as the statistical error on the target fTarget. More...
|
|
class | PDEFoamTargetDensity |
| This is a concrete implementation of PDEFoam. More...
|
|
class | PDEFoamVect |
|
class | PDF |
| PDF wrapper for histograms; uses user-defined spline interpolation. More...
|
|
class | PruningInfo |
|
class | PyMethodBase |
|
class | QuickMVAProbEstimator |
|
class | RandomGenerator |
|
class | Rank |
|
class | Ranking |
| Ranking for variables in method (implementation) More...
|
|
class | Reader |
| The Reader class serves to use the MVAs in a specific analysis context. More...
|
|
class | RegressionVariance |
| Calculate the "SeparationGain" for Regression analysis separation criteria used in various training algorithms. More...
|
|
class | Results |
| Class that is the base-class for a vector of result. More...
|
|
class | ResultsClassification |
| Class that is the base-class for a vector of result. More...
|
|
class | ResultsMulticlass |
| Class which takes the results of a multiclass classification. More...
|
|
class | ResultsRegression |
| Class that is the base-class for a vector of result. More...
|
|
class | RMethodBase |
|
class | ROCCalc |
|
class | ROCCurve |
|
class | RootFinder |
| Root finding using Brents algorithm (translated from CERNLIB function RZERO) More...
|
|
class | Rule |
| Implementation of a rule. More...
|
|
class | RuleCut |
| A class describing a 'rule cut'. More...
|
|
class | RuleEnsemble |
|
class | RuleFit |
| A class implementing various fits of rule ensembles. More...
|
|
class | RuleFitAPI |
| J Friedman's RuleFit method. More...
|
|
class | RuleFitParams |
| A class doing the actual fitting of a linear model using rules as base functions. More...
|
|
class | SdivSqrtSplusB |
| Implementation of the SdivSqrtSplusB as separation criterion. More...
|
|
class | SeparationBase |
| An interface to calculate the "SeparationGain" for different separation criteria used in various training algorithms. More...
|
|
class | SimulatedAnnealing |
| Base implementation of simulated annealing fitting procedure. More...
|
|
class | SimulatedAnnealingFitter |
| Fitter using a Simulated Annealing Algorithm. More...
|
|
class | StatDialogBDT |
|
class | StatDialogBDTReg |
|
class | StatDialogMVAEffs |
|
class | SVEvent |
| Event class for Support Vector Machine. More...
|
|
class | SVKernelFunction |
| Kernel for Support Vector Machine. More...
|
|
class | SVKernelMatrix |
| Kernel matrix for Support Vector Machine. More...
|
|
class | SVWorkingSet |
| Working class for Support Vector Machine. More...
|
|
class | TActivation |
| Interface for TNeuron activation function classes. More...
|
|
class | TActivationChooser |
| Class for easily choosing activation functions. More...
|
|
class | TActivationIdentity |
| Identity activation function for TNeuron. More...
|
|
class | TActivationRadial |
| Radial basis activation function for ANN. More...
|
|
class | TActivationReLU |
| Rectified Linear Unit activation function for TNeuron. More...
|
|
class | TActivationSigmoid |
| Sigmoid activation function for TNeuron. More...
|
|
class | TActivationTanh |
| Tanh activation function for ANN. More...
|
|
class | Timer |
| Timing information for training and evaluation of MVA methods. More...
|
|
class | TMVAGaussPair |
|
struct | TMVAGUI |
|
class | TNeuron |
| Neuron class used by TMVA artificial neural network methods. More...
|
|
class | TNeuronInput |
| Interface for TNeuron input calculation classes. More...
|
|
class | TNeuronInputAbs |
| TNeuron input calculator – calculates the sum of the absolute values of the weighted inputs. More...
|
|
class | TNeuronInputChooser |
| Class for easily choosing neuron input functions. More...
|
|
class | TNeuronInputSqSum |
| TNeuron input calculator – calculates the squared weighted sum of inputs. More...
|
|
class | TNeuronInputSum |
| TNeuron input calculator – calculates the weighted sum of inputs. More...
|
|
class | Tools |
| Global auxiliary applications and data treatment routines. More...
|
|
class | TrainingHistory |
| Tracking data from training. More...
|
|
class | TransformationHandler |
| Class that contains all the data information. More...
|
|
class | TreeInfo |
|
class | TSpline1 |
| Linear interpolation of TGraph. More...
|
|
class | TSpline2 |
| Quadratic interpolation of TGraph. More...
|
|
class | TSynapse |
| Synapse class used by TMVA artificial neural network methods. More...
|
|
struct | TTrainingSettings |
| All of the options that can be specified in the training string. More...
|
|
class | Types |
| Singleton class for Global types used by TMVA. More...
|
|
class | VariableDecorrTransform |
| Linear interpolation class. More...
|
|
class | VariableGaussTransform |
| Gaussian Transformation of input variables. More...
|
|
class | VariableIdentityTransform |
| Linear interpolation class. More...
|
|
class | VariableImportance |
|
class | VariableImportanceResult |
|
class | VariableInfo |
| Class for type info of MVA input variable. More...
|
|
class | VariableNormalizeTransform |
| Linear interpolation class. More...
|
|
class | VariablePCATransform |
| Linear interpolation class. More...
|
|
class | VariableRearrangeTransform |
| Rearrangement of input variables. More...
|
|
class | VariableTransformBase |
| Linear interpolation class. More...
|
|
class | VarTransformHandler |
|
class | Volume |
| Volume for BinarySearchTree. More...
|
|