Uses of Interface
weka.core.RevisionHandler
Packages that use RevisionHandler
Package
Description
- 
Uses of RevisionHandler in weka.associationsClasses in weka.associations that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract scheme for learning associations.classClass implementing an Apriori-type algorithm.classClass for storing a set of items.classClass for evaluating Associaters.classClass for examining the capabilities and finding problems with associators.classClass for running an arbitrary associator on data that has been passed through an arbitrary filter.classClass implementing the FP-growth algorithm for finding large item sets without candidate generation.classClass for storing a set of items.classClass for storing a set of items together with a class label.classAbstract utility class for handling settings common to meta associators that use a single base associator.
- 
Uses of RevisionHandler in weka.attributeSelectionClasses in weka.attributeSelection that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract attribute selection evaluation classclassAbstract attribute selection search class.classAttribute selection class.classAbstract attribute set evaluator.classBestFirst:
 
 Searches the space of attribute subsets by greedy hillclimbing augmented with a backtracking facility.classClass for a node in a linked list.classCfsSubsetEval :
 
 Evaluates the worth of a subset of attributes by considering the individual predictive ability of each feature along with the degree of redundancy between them.
 
 Subsets of features that are highly correlated with the class while having low intercorrelation are preferred.
 
 For more information see:
 
 M.classClass for examining the capabilities and finding problems with attribute selection schemes.classClassifierAttributeEval :
 
 Evaluates the worth of an attribute by using a user-specified classifier.classClassifier subset evaluator:
 
 Evaluates attribute subsets on training data or a separate hold out testing set.classCorrelationAttributeEval :
 
 Evaluates the worth of an attribute by measuring the correlation (Pearson's) between it and the class.
 
 Nominal attributes are considered on a value by value basis by treating each value as an indicator.classGainRatioAttributeEval :
 
 Evaluates the worth of an attribute by measuring the gain ratio with respect to the class.
 
 GainR(Class, Attribute) = (H(Class) - H(Class | Attribute)) / H(Attribute).classGreedyStepwise :
 
 Performs a greedy forward or backward search through the space of attribute subsets.classAbstract attribute subset evaluator capable of evaluating subsets with respect to a data set that is distinct from that used to initialize/ train the subset evaluator.classInfoGainAttributeEval :
 
 Evaluates the worth of an attribute by measuring the information gain with respect to the class.
 
 InfoGain(Class,Attribute) = H(Class) - H(Class | Attribute).classOneRAttributeEval :
 
 Evaluates the worth of an attribute by using the OneR classifier.classPerforms a principal components analysis and transformation of the data.classRanker :
 
 Ranks attributes by their individual evaluations.classReliefFAttributeEval :
 
 Evaluates the worth of an attribute by repeatedly sampling an instance and considering the value of the given attribute for the nearest instance of the same and different class.classSymmetricalUncertAttributeEval :
 
 Evaluates the worth of an attribute by measuring the symmetrical uncertainty with respect to the class.classAbstract unsupervised attribute evaluator.classAbstract unsupervised attribute subset evaluator.classWrapperSubsetEval:
 
 Evaluates attribute sets by using a learning scheme.
- 
Uses of RevisionHandler in weka.classifiersClasses in weka.classifiers that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract classifier.classSubclass of Evaluation that provides a method for aggregating the results stored in another Evaluation object.classClass for performing a Bias-Variance decomposition on any classifier using the method specified in:
 
 Ron Kohavi, David H.classThis class performs Bias-Variance decomposion on any classifier using the sub-sampled cross-validation procedure as specified in (1).
 The Kohavi and Wolpert definition of bias and variance is specified in (2).
 The Webb definition of bias and variance is specified in (3).
 
 Geoffrey I.classClass for examining the capabilities and finding problems with classifiers.classA simple class for checking the source generated from Classifiers implementing theweka.classifiers.Sourcableinterface.classClass for storing and manipulating a misclassification cost matrix.classClass for evaluating machine learning models.classAbstract utility class for handling settings common to meta classifiers that build an ensemble from a single base learner.classAbstract utility class for handling settings common to meta classifiers that build an ensemble from multiple classifiers.classAbstract utility class for handling settings common to meta classifiers that build an ensemble in parallel from a single base learner.classAbstract utility class for handling settings common to meta classifiers that build an ensemble in parallel using multiple classifiers.classAbstract utility class for handling settings common to randomizable classifiers.classAbstract utility class for handling settings common to randomizable meta classifiers that build an ensemble from a single base learner.classAbstract utility class for handling settings common to randomizable meta classifiers that build an ensemble from multiple classifiers based on a given random number seed.classAbstract utility class for handling settings common to randomizable meta classifiers that build an ensemble in parallel from a single base learner.classAbstract utility class for handling settings common to meta classifiers that build an ensemble in parallel using multiple classifiers based on a given random number seed.classAbstract utility class for handling settings common to randomizable meta classifiers that build an ensemble from a single base learner.classAbstract utility class for handling settings common to meta classifiers that use a single base learner.
- 
Uses of RevisionHandler in weka.classifiers.bayesClasses in weka.classifiers.bayes that implement RevisionHandlerModifier and TypeClassDescriptionclassBayes Network learning using various search algorithms and quality measures.
 Base class for a Bayes Network classifier.classClass for a Naive Bayes classifier using estimator classes.classClass for building and using a multinomial Naive Bayes classifier.classMultinomial naive bayes for text data.classClass for building and using an updateable multinomial Naive Bayes classifier.classClass for a Naive Bayes classifier using estimator classes.
- 
Uses of RevisionHandler in weka.classifiers.bayes.netClasses in weka.classifiers.bayes.net that implement RevisionHandlerModifier and TypeClassDescriptionclassThe ADNode class implements the ADTree datastructure which increases the speed with which sub-contingency tables can be constructed from a data set in an Instances object.classBayes Network learning using various search algorithms and quality measures.
 Base class for a Bayes Network classifier.classBuilds a description of a Bayes Net classifier stored in XML BIF 0.3 format.
 
 For more details on XML BIF see:
 
 Fabio Cozman, Marek Druzdzel, Daniel Garcia (1998).classBayes Network learning using various search algorithms and quality measures.
 Base class for a Bayes Network classifier.classclassclassclassHelper class for Bayes Network classifiers.classPart of ADTree implementation.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.estimateClasses in weka.classifiers.bayes.net.estimate that implement RevisionHandlerModifier and TypeClassDescriptionclassBayesNetEstimator is the base class for estimating the conditional probability tables of a Bayes network once the structure has been learned.classBMAEstimator estimates conditional probability tables of a Bayes network using Bayes Model Averaging (BMA).classSymbolic probability estimator based on symbol counts and a prior.classSymbolic probability estimator based on symbol counts and a prior.classMultinomial BMA Estimator.classSimpleEstimator is used for estimating the conditional probability tables of a Bayes network once the structure has been learned.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.searchClasses in weka.classifiers.bayes.net.search that implement RevisionHandlerModifier and TypeClassDescriptionclassThis is the base class for all search algorithms for learning Bayes networks.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.search.ciClasses in weka.classifiers.bayes.net.search.ci that implement RevisionHandlerModifier and TypeClassDescriptionclassThe CISearchAlgorithm class supports Bayes net structure search algorithms that are based on conditional independence test (as opposed to for example score based of cross validation based search algorithms).classThis Bayes Network learning algorithm uses conditional independence tests to find a skeleton, finds V-nodes and applies a set of rules to find the directions of the remaining arrows.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.search.fixedClasses in weka.classifiers.bayes.net.search.fixed that implement RevisionHandlerModifier and TypeClassDescriptionclassThe FromFile reads the structure of a Bayes net from a file in BIFF format.classThe NaiveBayes class generates a fixed Bayes network structure with arrows from the class variable to each of the attribute variables.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.search.globalClasses in weka.classifiers.bayes.net.search.global that implement RevisionHandlerModifier and TypeClassDescriptionclassThis Bayes Network learning algorithm uses genetic search for finding a well scoring Bayes network structure.classThis Bayes Network learning algorithm uses cross validation to estimate classification accuracy.classThis Bayes Network learning algorithm uses a hill climbing algorithm adding, deleting and reversing arcs.classThis Bayes Network learning algorithm uses a hill climbing algorithm restricted by an order on the variables.
 
 For more information see:
 
 G.F.classThis Bayes Network learning algorithm repeatedly uses hill climbing starting with a randomly generated network structure and return the best structure of the various runs.classThis Bayes Network learning algorithm uses the general purpose search method of simulated annealing to find a well scoring network structure.
 
 For more information see:
 
 R.R.classThis Bayes Network learning algorithm uses tabu search for finding a well scoring Bayes network structure.classThis Bayes Network learning algorithm determines the maximum weight spanning tree and returns a Naive Bayes network augmented with a tree.
 
 For more information see:
 
 N.
- 
Uses of RevisionHandler in weka.classifiers.bayes.net.search.localClasses in weka.classifiers.bayes.net.search.local that implement RevisionHandlerModifier and TypeClassDescriptionclassThis Bayes Network learning algorithm uses genetic search for finding a well scoring Bayes network structure.classThis Bayes Network learning algorithm uses a hill climbing algorithm adding, deleting and reversing arcs.classThis Bayes Network learning algorithm uses a hill climbing algorithm restricted by an order on the variables.
 
 For more information see:
 
 G.F.classThis Bayes Network learning algorithm uses a Look Ahead Hill Climbing algorithm called LAGD Hill Climbing.classThe ScoreBasedSearchAlgorithm class supports Bayes net structure search algorithms that are based on maximizing scores (as opposed to for example conditional independence based search algorithms).classThis Bayes Network learning algorithm repeatedly uses hill climbing starting with a randomly generated network structure and return the best structure of the various runs.classThis Bayes Network learning algorithm uses the general purpose search method of simulated annealing to find a well scoring network structure.
 
 For more information see:
 
 R.R.classThis Bayes Network learning algorithm uses tabu search for finding a well scoring Bayes network structure.classThis Bayes Network learning algorithm determines the maximum weight spanning tree and returns a Naive Bayes network augmented with a tree.
 
 For more information see:
 
 N.
- 
Uses of RevisionHandler in weka.classifiers.evaluationClasses in weka.classifiers.evaluation that implement RevisionHandlerModifier and TypeClassDescriptionclassSubclass of Evaluation that provides a method for aggregating the results stored in another Evaluation object.classCells of this matrix correspond to counts of the number (or weight) of predictions for each actual value / predicted value combination.classGenerates points illustrating probablity cost tradeoffs that can be obtained by varying the threshold value between classes.classClass for evaluating machine learning models.classContains utility functions for generating lists of predictions in various manners.classGenerates points illustrating the prediction margin.classEncapsulates an evaluatable nominal prediction: the predicted probability distribution plus the actual class value.classEncapsulates an evaluatable numeric prediction: the predicted class value plus the actual class value.classGenerates points illustrating prediction tradeoffs that can be obtained by varying the threshold value between classes.classEncapsulates performance functions for two-class problems.
- 
Uses of RevisionHandler in weka.classifiers.functionsClasses in weka.classifiers.functions that implement RevisionHandlerModifier and TypeClassDescriptionclass* Implements Gaussian processes for regression without hyperparameter-tuning.classClass for using linear regression for prediction.classClass for building and using a multinomial logistic regression model with a ridge estimator.
 
 There are some modifications, however, compared to the paper of leCessie and van Houwelingen(1992):
 
 If there are k classes for n instances with m attributes, the parameter matrix B to be calculated will be an m*(k-1) matrix.
 
 The probability for class j with the exception of the last class is
 
 Pj(Xi) = exp(XiBj)/((sum[j=1..(k-1)]exp(Xi*Bj))+1)
 
 The last class has probability
 
 1-(sum[j=1..(k-1)]Pj(Xi))
 = 1/((sum[j=1..(k-1)]exp(Xi*Bj))+1)
 
 The (negative) multinomial log-likelihood is thus:
 
 L = -sum[i=1..n]{
 sum[j=1..(k-1)](Yij * ln(Pj(Xi)))
 +(1 - (sum[j=1..(k-1)]Yij))
 * ln(1 - sum[j=1..(k-1)]Pj(Xi))
 } + ridge * (B^2)
 
 In order to find the matrix B for which L is minimised, a Quasi-Newton Method is used to search for the optimized values of the m*(k-1) variables.classA classifier that uses backpropagation to learn a multi-layer perceptron to classify instances.classImplements stochastic gradient descent for learning various linear models (binary class SVM, binary class logistic regression, squared loss, Huber loss and epsilon-insensitive loss linear regression).classImplements stochastic gradient descent for learning a linear binary class SVM or binary class logistic regression on text data.classLearns a simple linear regression model.classClassifier for building linear logistic regression models.classImplements John Platt's sequential minimal optimization algorithm for training a support vector classifier.
 
 This implementation globally replaces all missing values and transforms nominal attributes into binary ones.classSMOreg implements the support vector machine for regression.classImplementation of the voted perceptron algorithm by Freund and Schapire.
- 
Uses of RevisionHandler in weka.classifiers.functions.neuralClasses in weka.classifiers.functions.neural that implement RevisionHandlerModifier and TypeClassDescriptionclassThis can be used by the neuralnode to perform all it's computations (as a Linear unit).classAbstract unit in a NeuralNetwork.classThis class is used to represent a node in the neuralnet.classThis can be used by the neuralnode to perform all it's computations (as a sigmoid unit).
- 
Uses of RevisionHandler in weka.classifiers.functions.supportVectorClasses in weka.classifiers.functions.supportVector that implement RevisionHandlerModifier and TypeClassDescriptionclassBase class for RBFKernel and PolyKernel that implements a simple LRU.classClass for examining the capabilities and finding problems with kernels.classAbstract kernel.classClass for evaluating Kernels.classThe normalized polynomial kernel.
 K(x,y) = <x,y>/sqrt(<x,x><y,y>) where <x,y> = PolyKernel(x,y)classThe polynomial kernel : K(x, y) = <x, y>^p or K(x, y) = (<x, y>+1)^pclassThis kernel is based on a static kernel matrix that is read from a file.classThe Pearson VII function-based universal kernel.
 
 For more information see:
 
 B.classThe RBF kernel : K(x, y) = exp(-gamma*(x-y)^2)
 Valid options are:classBase class implementation for learning algorithm of SMOreg Valid options are:classImplementation of SMO for support vector regression as described in :
 
 A.J.classLearn SVM for regression using SMO with Shevade, Keerthi, et al.classStores a set of integer of a given size.classImplementation of the subsequence kernel (SSK) as described in [1] and of the subsequence kernel with lambda pruning (SSK-LP) as described in [2].
 
 For more information, see
 
 Huma Lodhi, Craig Saunders, John Shawe-Taylor, Nello Cristianini, Christopher J.
- 
Uses of RevisionHandler in weka.classifiers.lazyClasses in weka.classifiers.lazy that implement RevisionHandlerModifier and TypeClassDescriptionclassK-nearest neighbours classifier.classK* is an instance-based classifier, that is the class of a test instance is based upon the class of those training instances similar to it, as determined by some similarity function.classLocally weighted learning.
- 
Uses of RevisionHandler in weka.classifiers.lazy.kstarClasses in weka.classifiers.lazy.kstar that implement RevisionHandlerModifier and TypeClassDescriptionclassA class representing the caching system used to keep track of each attribute value and its corresponding scale factor or stop parameter.classA custom hashtable class to support the caching system.classHashtable collision list.classA custom class which provides the environment for computing the transformation probability of a specified test instance nominal attribute to a specified train instance nominal attribute.classA custom class which provides the environment for computing the transformation probability of a specified test instance numeric attribute to a specified train instance numeric attribute.class
- 
Uses of RevisionHandler in weka.classifiers.metaClasses in weka.classifiers.meta that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for boosting a nominal class classifier using the Adaboost M1 method.classMeta classifier that enhances the performance of a regression base classifier.classDimensionality of training and test data is reduced by attribute selection before being passed on to a classifier.classClass for bagging a classifier to reduce variance.classClass for doing classification using regression methods.classA metaclassifier that makes its base classifier cost sensitive.classClass for performing parameter selection by cross-validation for any classifier.
 
 For more information, see:
 
 R.classClass for running an arbitrary classifier on data that has been passed through an arbitrary filter.classChooses the best number of iterations for an IterativeClassifier such as LogitBoost using cross-validation or a percentage split evaluation.classClass for performing additive logistic regression.classA metaclassifier for handling multi-class datasets with 2-class classifiers.classA metaclassifier for handling multi-class datasets with 2-class classifiers.classClass for selecting a classifier from among several using cross validation on the training data or the performance on the training data.classClass for building an ensemble of randomizable base classifiers.classClass for running an arbitrary classifier on data that has been passed through an arbitrary filter.classThis method constructs a decision tree based classifier that maintains highest accuracy on training data and improves on generalization accuracy as it grows in complexity.classA regression scheme that employs any classifier on a copy of the data that has the class attribute (equal-width) discretized.classCombines several classifiers using the stacking method.classClass for combining classifiers.classGeneric wrapper around any classifier to enable weighted instances support.
 Uses resampling with weights if the base classifier is not implementing the weka.core.WeightedInstancesHandler interface and there are instance weights other 1.0 present.
- 
Uses of RevisionHandler in weka.classifiers.miscClasses in weka.classifiers.misc that implement RevisionHandlerModifier and TypeClassDescriptionclassWrapper classifier that addresses incompatible training and test data by building a mapping between the training data that a classifier has been built with and the incoming test instances' structure.classA wrapper around a serialized classifier model.
- 
Uses of RevisionHandler in weka.classifiers.pmml.consumerClasses in weka.classifiers.pmml.consumer that implement RevisionHandlerModifier and TypeClassDescriptionclassClass implementing import of PMML General Regression model.classClass implementing import of PMML Neural Network model.classAbstract base class for all PMML classifiers.classClass implementing import of PMML Regression model.classClass implementing import of PMML RuleSetModel.classImplements a PMML SupportVectorMachineModelclassClass implementing import of PMML TreeModel.
- 
Uses of RevisionHandler in weka.classifiers.rulesClasses in weka.classifiers.rules that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for building and using a simple decision table majority classifier.
 
 For more information see:
 
 Ron Kohavi: The Power of Decision Tables.classClass providing hash table keys for DecisionTableclassThis class implements a propositional rule learner, Repeated Incremental Pruning to Produce Error Reduction (RIPPER), which was proposed by William W.classThe single antecedent in the rule, which is composed of an attribute and the corresponding value.classThe antecedent with nominal attributeclassThe antecedent with numeric attributeclassThis class implements a single rule that predicts specified class.classGenerates a decision list for regression problems using separate-and-conquer.classClass for building and using a 1R classifier; in other words, uses the minimum-error attribute for prediction, discretizing numeric attributes.classClass for generating a PART decision list.classAbstract class of generic ruleclassThis class implements the statistics functions used in the propositional rule learner, from the simpler ones like count of true/false positive/negatives, filter data based on the ruleset, etc.classClass for building and using a 0-R classifier.
- 
Uses of RevisionHandler in weka.classifiers.rules.partClasses in weka.classifiers.rules.part that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for handling a partial tree structure pruned using C4.5's pruning heuristic.classClass for handling a rule (partial tree) for a decision list.classClass for handling a decision list.classClass for handling a partial tree structure that can be pruned using a pruning set.
- 
Uses of RevisionHandler in weka.classifiers.treesClasses in weka.classifiers.trees that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for building and using a decision stump.classA Hoeffding tree (VFDT) is an incremental, anytime decision tree induction algorithm that is capable of learning from massive data streams, assuming that the distribution generating examples does not change over time.classClass for generating a pruned or unpruned C4.5 decision tree.classClassifier for building 'logistic model trees', which are classification trees with logistic regression functions at the leaves.classM5Base.classClass for constructing a forest of random trees.
 
 For more information see:
 
 Leo Breiman (2001).classClass for constructing a tree that considers K randomly chosen attributes at each node.classFast decision tree learner.
- 
Uses of RevisionHandler in weka.classifiers.trees.j48Classes in weka.classifiers.trees.j48 that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for selecting a C4.5-like binary (!) split for a given dataset.classClass implementing a binary C4.5-like split on an attribute.classClass for selecting a C4.5-type split for a given dataset.classClass for handling a tree structure that can be pruned using C4.5 procedures.classClass implementing a C4.5-type split on an attribute.classAbstract class for classification models that can be used recursively to split the data.classClass for handling a tree structure used for classification.classClass for handling a distribution of class values.class"Abstract" class for computing splitting criteria based on the entropy of a class distribution.final classClass for computing the entropy for a given distribution.final classClass for computing the gain ratio for a given distribution.final classClass for computing the information gain for a given distribution.classAbstract class for model selection criteria.classClass for handling a naive bayes tree structure used for classification.classClass for selecting a NB tree split.final classClass implementing a "no-split"-split (leaf node) for naive bayes trees.classClass implementing a NBTree split on an attribute.final classClass implementing a "no-split"-split.classClass for handling a tree structure that can be pruned using a pruning set.classAbstract class for computing splitting criteria with respect to distributions of class values.classClass implementing a statistical routine needed by J48 to compute its error estimate.
- 
Uses of RevisionHandler in weka.classifiers.trees.lmtClasses in weka.classifiers.trees.lmt that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for logistic model tree structure.classBase/helper class for building logistic regression models with the LogitBoost algorithm.classHelper class for logistic model trees (weka.classifiers.trees.lmt.LMT) to implement the splitting criterion based on residuals.classHelper class for logistic model trees (weka.classifiers.trees.lmt.LMT) to implement the splitting criterion based on residuals of the LogitBoost algorithm.
- 
Uses of RevisionHandler in weka.classifiers.trees.m5Classes in weka.classifiers.trees.m5 that implement RevisionHandlerModifier and TypeClassDescriptionfinal classFinds split points using correlation.final classClass for handling the impurity values when spliting the instancesclassM5Base.classThis class encapsulates a linear regression function.classGenerates a single m5 tree or ruleclassConstructs a node for use in an m5 tree or rulefinal classStores some statistics.final classStores split information.
- 
Uses of RevisionHandler in weka.classifiers.xmlClasses in weka.classifiers.xml that implement RevisionHandlerModifier and TypeClassDescriptionclassThis class serializes and deserializes a Classifier instance to and fro XML.
- 
Uses of RevisionHandler in weka.clusterersClasses in weka.clusterers that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract clusterer.classAbstract clustering model that produces (for each test instance) an estimate of the membership in each cluster (ie.classCluster data using the capopy clustering algorithm, which requires just one pass over the data.classClass for examining the capabilities and finding problems with clusterers.classClass for evaluating clustering models.classClass implementing the Cobweb and Classit clustering algorithms.
 
 Note: the application of node operators (merging, splitting etc.) in terms of ordering and priority differs (and is somewhat ambiguous) between the original Cobweb and Classit papers.classInner class handling node operations for Cobweb.classSimple EM (expectation maximisation) class.
 
 EM assigns a probability distribution to each instance which indicates the probability of it belonging to each of the clusters.classCluster data using the FarthestFirst algorithm.
 
 For more information see:
 
 Hochbaum, Shmoys (1985).classClass for running an arbitrary clusterer on data that has been passed through an arbitrary filter.classHierarchical clustering class.classClass for wrapping a Clusterer to make it return a distribution and density.classAbstract utility class for handling settings common to randomizable clusterers.classAbstract utility class for handling settings common to randomizable clusterers.classAbstract utility class for handling settings common to randomizable clusterers.classCluster data using the k means algorithm.classMeta-clusterer for enhancing a base clusterer.
- 
Uses of RevisionHandler in weka.coreClasses in weka.core that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract class providing common functionality for the original instance implementations.classClass for performing operations on an algebraic vector of floating-point values.classApplies all known Javadoc-derived classes to a source file.classClass for handling an attribute.classThis class locates and records the indices of a certain type of attributes, recursively in case of Relational attributes.classclassA Utility class that contains summary information on an the values that appear in a dataset for a particular attribute.classClass for storing a binary-data-only instance as a sparse vector.classA class that describes the capabilites (e.g., handling certain types of attributes, missing values, types of classes, etc.) of a specific classifier.classImplements the Chebyshev distance.classAbstract general class for testing in Weka.classSimple command line checking of classes that are editable in the GOE.classSimple command line checking of classes that implement OptionHandler.classAbstract general class for testing schemes in Weka.static classa class for postprocessing the test-dataclassA singleton that stores all classes on the classpath.classThis class is used for discovering classes that implement a certain interface or a derived from a certain class.static classcompares two strings.classUtility class that can add jar files to the classpath dynamically.classThis subclass of Optimization.java implements conjugate gradient descent rather than BFGS updates, by overriding findArgmin(), with the same tests for convergence, and applies the same line search code.classClass implementing some statistical routines for contingency tables.classA helper class for debug output, logging, clocking, etc.static classA little helper class for clocking and outputting times.static classcontains debug methodsstatic classA helper class for logging stuff.static classThis extended Random class enables one to print the generated random numbers etc., before they are returned.static classA little, simple helper class for logging stuff.static classA class that can be used for timestamps in files, The toString() method simply returns the associated Date object in a timestamp format.classClass for handling an instance.classThis class encapsulates a map of all environment and java system properties.classImplementing Euclidean distance (or similarity) function.
 
 One object defines not one distance but the data model in which the distances between objects of that data model can be computed.
 
 Attention: For efficiency reasons the use of consistency checks (like are the data models of the two instances exactly the same), is low.
 
 For more information, see:
 
 Wikipedia.classFastVector<E>Deprecated.classLocates all classes with certain capabilities.classGenerates Javadoc comments from the class's globalInfo method.classA comparator for the Instance class.classClass for handling an ordered set of weighted instances.classAbstract superclass for classes that generate Javadoc comments and replace the content between certain comment tags.classLists the options of an OptionHandlerclassImplements the Manhattan distance (or Taxicab geometry).classDeprecated.classA little helper class for Memory management.classImplementing Minkowski distance (or similarity) function.
 
 One object defines not one distance but the data model in which the distances between objects of that data model can be computed.
 
 Attention: For efficiency reasons the use of consistency checks (like are the data models of the two instances exactly the same), is low.
 
 For more information, see:
 
 Wikipedia.classRepresents the abstract ancestor for normalizable distance functions, like Euclidean or Manhattan distance.classImplementation of Active-sets method with BFGS update to solve optimization problem with only bounds constraints in multi-dimensions.classClass to store information about an option.classGenerates Javadoc comments from the OptionHandler's options.classA helper class for accessing properties in nested objects, e.g., accessing the "getRidge" method of a LinearRegression classifier part of MultipleClassifierCombiner, e.g., Vote.static classContains a (property) path structurestatic classRepresents a single element of a property pathclassSimple class that extends the Properties class so that the properties are unable to be modified.classClass representing a FIFO queue.final classClass implementing some simple random variates generator.classClass representing a range of cardinal numbers.classThis class locates and records the indices of relational attributes,classRepresents a selected value from a finite set of values, where each value is a Tag (i.e.classA helper class for determining serialVersionUIDs and checking whether classes contain one and/or need one.classClass for storing an object in serialized form in memory.classClass representing a single cardinal number.classClass for storing an instance as a sparse vector.final classClass implementing some mathematical functions.classClass implementing some distributions, tests, etc.classClass that can test whether a given string is a stop word.classThis class locates and records the indices of String attributes, recursively in case of Relational attributes.classThis class prints some information about the system setup, like Java version, JVM settings etc.classATagsimply associates a numeric ID with a String description.classUsed for paper references in the Javadoc and for BibTex generation.classGenerates Javadoc comments from the TechnicalInformationHandler's data.classThis class pipelines print/println's to several PrintStreams.classGenerates artificial datasets for testing.classA class representing a Trie data structure for strings.static classRepresents an iterator over a triestatic classRepresents a node in the trie.final classClass implementing some simple utility methods.classThis class contains the version number of the current WEKA release and some methods for comparing another version string.classClass for enumerating an array list's elements.Methods in weka.core with parameters of type RevisionHandlerModifier and TypeMethodDescriptionstatic StringRevisionUtils.extract(RevisionHandler handler) Extracts the revision string returned by the RevisionHandler.static RevisionUtils.TypeRevisionUtils.getType(RevisionHandler handler) Determines the type of a (sanitized) revision string returned by the RevisionHandler.
- 
Uses of RevisionHandler in weka.core.convertersSubinterfaces of RevisionHandler in weka.core.convertersModifier and TypeInterfaceDescriptioninterfaceInterface to something that can load Instances from an input source in some format.interfaceInterface to something that can save Instances to an output destination in some format.Classes in weka.core.converters that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract superclass for all file loaders.classAbstract class for Savers that save to a file Valid options are: -i input arff file
 The input filw in arff format.classAbstract class gives default implementation of setSource methods.classAbstract class for SaverclassReads a source that is in arff (attribute relation file format) format.static classReads data from an ARFF file, either in incremental or batch mode.classWrites to a destination in arff text format.classReads a file that is C45 format.classWrites to a destination that is in the format used by the C4.5 algorithm.
 Therefore it outputs a names and a data file.classUtility routines for the converter package.static classHelper class for saving data to files.static classHelper class for loading data from files and URLs.classReads a source that is in comma separated format (the default).classWrites to a destination that is in CSV (comma-separated values) format.classConnects to a database.classReads Instances from a Database.classWrites to a database (tested with MySQL, InstantDB, HSQLDB).classWrites a dictionary constructed from string attributes in incoming instances to a destination.classReads a source that is in the JSON format.
 It automatically decompresses the data if the extension is '.json.gz'.
 
 For more information, see JSON homepage:
 http://www.json.org/classWrites to a destination that is in JSON format.
 The data can be compressed with gzip, in order to save space.
 
 For more information, see JSON homepage:
 http://www.json.org/classReads a source that is in libsvm format.
 
 For more information about libsvm see:
 
 http://www.csie.ntu.edu.tw/~cjlin/libsvm/classWrites to a destination that is in libsvm format.
 
 For more information about libsvm see:
 
 http://www.csie.ntu.edu.tw/~cjlin/libsvm/classReads a Matlab file containing a single matrix in ASCII format.classWrites Matlab ASCII files, in single or double precision format.classReads a source that contains serialized Instances.classSerializes the instances to a file with extension bsi.classHelper class for using stream tokenizersclassReads a source that is in svm light format.
 
 For more information about svm light see:
 
 http://svmlight.joachims.org/classWrites to a destination that is in svm light format.
 
 For more information about svm light see:
 
 http://svmlight.joachims.org/classLoads all text files in a directory and uses the subdirectory names as class labels.classReads a source that is in the XML version of the ARFF format.classWrites to a destination that is in the XML version of the ARFF format.
- 
Uses of RevisionHandler in weka.core.loggingClasses in weka.core.logging that implement RevisionHandlerModifier and TypeClassDescriptionclassA simple logger that outputs the logging information in the console.classA simple file logger, that just logs to a single file.classAbstract superclass for all loggers.classA logger that logs all output on stdout and stderr to a file.
- 
Uses of RevisionHandler in weka.core.matrixClasses in weka.core.matrix that implement RevisionHandlerModifier and TypeClassDescriptionclassCholesky Decomposition.classA vector specialized on doubles.classEigenvalues and eigenvectors of a real matrix.classclassclassClass for the format of floating point numbersclassA vector specialized on integers.classClass for performing (ridged) linear regression using Tikhonov regularization.classLU Decomposition.classUtility class.classJama = Java Matrix class.classQR Decomposition.classSingular Value Decomposition.
- 
Uses of RevisionHandler in weka.core.neighboursearchClasses in weka.core.neighboursearch that implement RevisionHandlerModifier and TypeClassDescriptionclassClass implementing the BallTree/Metric Tree algorithm for nearest neighbour search.
 The connection to dataset is only a reference.classClass implementing the CoverTree datastructure.
 The class is very much a translation of the c source code made available by the authors.
 
 For more information and original source code see:
 
 Alina Beygelzimer, Sham Kakade, John Langford: Cover trees for nearest neighbor.classclass representing a node of the cover tree.classApplies the given filter before calling the given neighbour search method.classClass implementing the KDTree search algorithm for nearest neighbour search.
 The connection to dataset is only a reference.classClass implementing the brute force search algorithm for nearest neighbour search.classAbstract class for nearest neighbour search.classThe class that measures the performance of a nearest neighbour search (NNS) algorithm.classThe class that measures the performance of a tree based nearest neighbour search algorithm.
- 
Uses of RevisionHandler in weka.core.neighboursearch.balltreesClasses in weka.core.neighboursearch.balltrees that implement RevisionHandlerModifier and TypeClassDescriptionclassClass representing a node of a BallTree.classAbstract class for splitting a ball tree's BallNode.classAbstract class for constructing a BallTree .classThe class that constructs a ball tree bottom up.classClass that splits a BallNode of a ball tree using Uhlmann's described method.
 
 For information see:
 
 Jeffrey K.classClass that splits a BallNode of a ball tree based on the median value of the widest dimension of the points in the ball.classThe class that builds a BallTree middle out.
 
 For more information see also:
 
 Andrew W.classImplements the Moore's method to split a node of a ball tree.
 
 For more information please see section 2 of the 1st and 3.2.3 of the 2nd:
 
 Andrew W.classThe class implementing the TopDown construction method of ball trees.
- 
Uses of RevisionHandler in weka.core.neighboursearch.covertreesClasses in weka.core.neighboursearch.covertrees that implement RevisionHandler
- 
Uses of RevisionHandler in weka.core.neighboursearch.kdtreesClasses in weka.core.neighboursearch.kdtrees that implement RevisionHandlerModifier and TypeClassDescriptionclassA class representing a KDTree node.classClass that splits up a KDTreeNode.classThe class that splits a node into two such that the overall sum of squared distances of points to their centres on both sides of the (axis-parallel) splitting plane is minimum.
 
 For more information see also:
 
 Ashraf Masood Kibriya (2007).classThe class that splits a KDTree node based on the median value of a dimension in which the node's points have the widest spread.
 
 For more information see also:
 
 Jerome H.classThe class that splits a KDTree node based on the midpoint value of a dimension in which the node's points have the widest spread.
 
 For more information see also:
 
 Andrew Moore (1991).classThe class that splits a node into two based on the midpoint value of the dimension in which the node's rectangle is widest.
- 
Uses of RevisionHandler in weka.core.scriptingClasses in weka.core.scripting that implement RevisionHandler
- 
Uses of RevisionHandler in weka.core.stemmersSubinterfaces of RevisionHandler in weka.core.stemmersClasses in weka.core.stemmers that implement RevisionHandlerModifier and TypeClassDescriptionclassAn iterated version of the Lovins stemmer.classA stemmer based on the Lovins stemmer, described here:
 
 Julie Beth Lovins (1968).classA dummy stemmer that performs no stemming at all.classA wrapper class for the Snowball stemmers.classA helper class for using the stemmers.
- 
Uses of RevisionHandler in weka.core.tokenizersClasses in weka.core.tokenizers that implement RevisionHandlerModifier and TypeClassDescriptionclassAlphabetic string tokenizer, tokens are to be formed only from contiguous alphabetic sequences.classAbstract superclass for tokenizers that take characters as delimiters.classSplits a string into an n-gram with min and max grams.classSplits a string into an n-gram with min and max grams.classA superclass for all tokenizer algorithms.classA simple tokenizer that is using the java.util.StringTokenizer class to tokenize the strings.
- 
Uses of RevisionHandler in weka.core.xmlClasses in weka.core.xml that implement RevisionHandlerModifier and TypeClassDescriptionclassThis class is a helper class for XML serialization using KOML .classThis class handles relationships between display names of properties (or classes) and Methods that are associated with them.classThis class stores information about properties to ignore or properties that are allowed for a certain class.classThis class enables one to change the UID of a serialized object and therefore not losing the data stored in the binary format.classThis serializer contains some read/write methods for common classes that are not beans-conform.classThis class offers some methods for generating, reading and writing XML documents.
 It can only handle UTF-8.classXML representation of the Instances class.classA class for transforming options listed in XML to a regular WEKA command line string.classWith this class objects can be serialized to XML instead into a binary format.classThis class handles relationships between display names of properties (or classes) and Methods that are associated with them.classThis class is a helper class for XML serialization using XStream .
- 
Uses of RevisionHandler in weka.datageneratorsClasses in weka.datagenerators that implement RevisionHandlerModifier and TypeClassDescriptionclassAbstract class for data generators for classifiers.classAncestor to all ClusterDefinitions, i.e., subclasses that handle their own parameters that the cluster generator only passes on.classAbstract class for cluster data generators.classAbstract superclass for data generators that generate data for classifiers and clusterers.classAbstract class for data generators for regression classifiers.classClass to represent a test.
- 
Uses of RevisionHandler in weka.datagenerators.classifiers.classificationClasses in weka.datagenerators.classifiers.classification that implement RevisionHandlerModifier and TypeClassDescriptionclassGenerates a people database and is based on the paper by Agrawal et al.:
 R.classGenerates random instances based on a Bayes network.classThis generator produces data for a display with 7 LEDs.classRandomRBF data is generated by first creating a random set of centers for each class.classA data generator that produces data randomly by producing a decision list.
 The decision list consists of rules.
 Instances are generated randomly one by one.
- 
Uses of RevisionHandler in weka.datagenerators.classifiers.regressionClasses in weka.datagenerators.classifiers.regression that implement RevisionHandlerModifier and TypeClassDescriptionclassA data generator for generating y according to a given expression out of randomly generated x.
 E.g., the mexican hat can be generated like this:
 sin(abs(a1)) / abs(a1)
 In addition to this function, the amplitude can be changed and gaussian noise can be added.classA data generator for the simple 'Mexian Hat' function:
 y = sin|x| / |x|
 In addition to this simple function, the amplitude can be changed and gaussian noise can be added.
- 
Uses of RevisionHandler in weka.datagenerators.clusterersClasses in weka.datagenerators.clusterers that implement RevisionHandlerModifier and TypeClassDescriptionclassCluster data generator designed for the BIRCH System
 
 Dataset is generated with instances in K clusters.
 Instances are 2-d data points.
 Each cluster is characterized by the number of data points in itits radius and its center.classA data generator that produces data points in hyperrectangular subspace clusters.classA single cluster for the SubspaceCluster data generator.
- 
Uses of RevisionHandler in weka.estimatorsSubinterfaces of RevisionHandler in weka.estimatorsModifier and TypeInterfaceDescriptioninterfaceInterface for conditional probability estimators.interfaceInterface that can be implemented by simple weighted univariate density estimators.Classes in weka.estimators that implement RevisionHandlerModifier and TypeClassDescriptionclassClass for examining the capabilities and finding problems with estimators.static classclass that contains info about the attribute types the estimator can estimate estimator work on one attribute onlystatic classpublic class that contains info about the chosen attribute type estimator work on one attribute onlyclassa class for postprocessing the test-dataclassConditional probability estimator for a discrete domain conditional upon a discrete domain.classSimple symbolic probability estimator based on symbol counts.classConditional probability estimator for a discrete domain conditional upon a numeric domain.classConditional probability estimator for a discrete domain conditional upon a numeric domain.classAbstract class for all estimators.classContains static utility functions for Estimators.classConditional probability estimator for a numeric domain conditional upon a discrete domain (utilises separate kernel estimators for each discrete conditioning value).classSimple kernel density estimator.classConditional probability estimator for a numeric domain conditional upon a numeric domain.classSimple probability estimator that places a single normal distribution over the observed values.classConditional probability estimator for a numeric domain conditional upon a discrete domain (utilises separate normal estimators for each discrete conditioning value).classConditional probability estimator for a numeric domain conditional upon a numeric domain (using Mahalanobis distance).classSimple probability estimator that places a single normal distribution over the observed values.classSimple probability estimator that places a single Poisson distribution over the observed values.classSimple histogram density estimator.classSimple weighted kernel density estimator.classSimple weighted mixture density estimator.classSimple weighted normal density estimator.
- 
Uses of RevisionHandler in weka.experimentClasses in weka.experiment that implement RevisionHandlerModifier and TypeClassDescriptionclassTakes the results from a ResultProducer and submits the average to the result listener.classA SplitEvaluator that produces results for a classification scheme on a nominal class attribute.classSplitEvaluator that produces results for a classification scheme on a nominal class attribute, including weighted misclassification costs.classGenerates for each run, carries out an n-fold cross-validation, using the set SplitEvaluator to generate some results.classCarries out one split of a repeated k-fold cross-validation, using the set SplitEvaluator to generate some results.classTakes results from a result producer and assembles them into comma separated value form.classTakes results from a result producer and sends them to a database.classExamines a database and extracts out the results produced by the specified ResultProducer and submits them to the specified ResultListener.classDatabaseUtils provides utility functions for accessing the experiment database.classA SplitEvaluator that produces results for a density based clusterer.classHolds all the necessary configuration information for a standard type experiment.classLoads the external test set and calls the appropriate SplitEvaluator to generate some results.
 The filename of the test set is constructed as follows:
 <dir> + / + <prefix> + <relation-name> + <suffix>
 The relation-name can be modified by using the regular expression to replace the matching sub-string with a specified replacement string.classConvert the results of a database query into instances.classOutputs the received results in arff format to a Writer.classTells a sub-ResultProducer to reproduce the current run for varying sized subsamples of the dataset.classOutputZipper writes output to either gzipped files or to a multi entry zip file.classBehaves the same as PairedTTester, only it uses the corrected resampled t-test statistic.classA class for storing stats on a paired comparison (t-test and correlation)classA class for storing stats on a paired comparison.classCalculates T-Test statistics on data stored in a set of instances.classStores information on a property of an object: the class of the object with the property; the property descriptor, and the current value.classGenerates a single train/test split and calls the appropriate SplitEvaluator to generate some results.classA SplitEvaluator that produces results for a classification scheme on a numeric class attribute.classA general purpose server for executing Task objects sent via RMI.classHolds all the necessary configuration information for a distributed experiment.classClass to encapsulate an experiment as a task that can be executed on a remote host.classThis matrix is a container for the datasets and classifier setups and their statistics.classGenerates the matrix in CSV ('comma-separated values') format.classGenerates output for a data and script file for GnuPlot.classGenerates the matrix output as HTML.classGenerates the matrix output in LaTeX-syntax.classGenerates the output as plain text (for fixed width fonts).classOnly outputs the significance indicators.classA class to store simple statistics.classA class holding information for tasks being executed on RemoteEngines.
- 
Uses of RevisionHandler in weka.experiment.xmlClasses in weka.experiment.xml that implement RevisionHandlerModifier and TypeClassDescriptionclassThis class serializes and deserializes an Experiment instance to and fro XML.
 It omits theoptionsfrom the Experiment, since these are handled by the get/set-methods.
- 
Uses of RevisionHandler in weka.filtersClasses in weka.filters that implement RevisionHandlerModifier and TypeClassDescriptionclassA simple instance filter that passes all instances directly through.classA simple class for checking the source generated from Filters implementing theweka.filters.Sourcableinterface.classAn abstract class for instance filters: objects that take instances as input, carry out some transformation on the instance and then output the instance.classApplies several filters successively.classA simple filter that allows the relation name of a set of instances to be altered in various ways.classThis filter is a superclass for simple batch filters.classThis filter contains common behavior of the SimpleBatchFilter and the SimpleStreamFilter.classThis filter is a superclass for simple stream filters.
- 
Uses of RevisionHandler in weka.filters.supervised.attributeClasses in weka.filters.supervised.attribute that implement RevisionHandlerModifier and TypeClassDescriptionclassA filter for adding the classification, the class distribution and an error flag to a dataset with a classifier.classA supervised attribute filter that can be used to select attributes.classConverts the values of nominal and/or numeric attributes into class conditional probabilities.classChanges the order of the classes so that the class values are no longer of in the order specified in the header.classAn instance filter that discretizes a range of numeric attributes in the dataset into nominal attributes.classMerges values of all nominal attributes among the specified attributes, excluding the class attribute, using the CHAID method, but without considering re-splitting of merged subsets.classConverts all nominal attributes into binary numeric attributes.class* A filter that uses a PartitionGenerator to generate partition membership values; filtered instances are composed of these values plus the class attribute (if set in the input data) and rendered as sparse instances.
- 
Uses of RevisionHandler in weka.filters.supervised.instanceClasses in weka.filters.supervised.instance that implement RevisionHandlerModifier and TypeClassDescriptionclassReweights the instances in the data so that each class has the same total weight.classProduces a random subsample of a dataset using either sampling with replacement or without replacement.
 The original dataset must fit entirely in memory.classProduces a random subsample of a dataset.classThis filter takes a dataset and outputs a specified fold for cross validation.
- 
Uses of RevisionHandler in weka.filters.unsupervised.attributeClasses in weka.filters.unsupervised.attribute that implement RevisionHandlerModifier and TypeClassDescriptionclassAn abstract instance filter that assumes instances form time-series data and performs some merging of attribute values in the current instance with attribute attribute values of some previous (or future) instance.classAn instance filter that adds a new attribute to the dataset.classA filter that adds a new nominal attribute representing the cluster assigned to each instance by the specified clustering algorithm.
 Either the clustering algorithm gets built with the first batch of data or one specifies are serialized clusterer model file to use instead.classAn instance filter that creates a new attribute by applying a mathematical expression to existing attributes.classAn instance filter that adds an ID attribute to the dataset.classAn instance filter that changes a percentage of a given attribute's values.classA filter that adds new attributes with user specified type and constant value.classAdds the labels from the given list to an attribute if they are missing.classA filter for performing the Cartesian product of a set of nominal attributes.classCenters all numeric attributes in the given dataset to have zero mean (apart from the class attribute, if set).classChanges the date format used by a date attribute.classFilter that can set and unset the class index.classA filter that uses a density-based clusterer to generate cluster membership values; filtered instances are composed of these values plus the class attribute (if set in the input data).classAn instance filter that copies a range of attributes in the dataset.classA filter for turning date attributes into numeric ones.classAn instance filter that discretizes a range of numeric attributes in the dataset into nominal attributes.classThis instance filter takes a range of N numeric attributes and replaces them with N-1 numeric attributes, the values of which are the difference between consecutive attribute values from the original instance.classConverts String attributes into a set of attributes representing word occurrence (depending on the tokenizer) information from the text contained in the strings.classA filter for detecting outliers and extreme values based on interquartile ranges.classConverts the given set of data into a kernel matrix.classA filter that creates a new dataset with a Boolean attribute replacing a nominal attribute.classModify numeric attributes according to a given mathematical expression.classMerges all values of the specified nominal attributes that are insufficiently frequent.classMerges many values of a nominal attribute into one value.classMerges two values of a nominal attribute into one value.classConverts all nominal attributes into binary numeric attributes.classConverts a nominal attribute (i.e.classNormalizes all numeric values in the given dataset (apart from the class attribute, if set).classA filter that 'cleanses' the numeric data from values that are too small, too big or very close to a certain value, and sets these values to a pre-defined default.classConverts all numeric attributes into binary attributes (apart from the class attribute, if set): if the value of the numeric attribute is exactly zero, the value of the new attribute will be zero.classA filter for turning numeric attributes into date attributes.classA filter for turning numeric attributes into nominal ones.classTransforms numeric attributes using a given transformation method.classA simple instance filter that renames the relation, all attribute names and all nominal attribute values.classAn attribute filter that converts ordinal nominal attributes into numeric ones
 Valid options are:classA filter that applies filters on subsets of attributes and assembles the output into a new dataset.classDiscretizes numeric attributes using equal frequency binning and forces the number of bins to be equal to the square root of the number of values of the numeric attribute.
 
 For more information, see:
 
 Ying Yang, Geoffrey I.classThis filter should be extended by other unsupervised attribute filters to allow processing of the class attribute if that's required.classPerforms a principal components analysis and transformation of the data.
 Dimensionality reduction is accomplished by choosing enough eigenvectors to account for some percentage of the variance in the original data -- default 0.95 (95%).
 Based on code of the attribute selection scheme 'PrincipalComponents' by Mark Hall and Gabi Schmidberger.classReduces the dimensionality of the data by projecting it onto a lower dimensional subspace using a random matrix with columns of unit length.classChooses a random subset of non-class attributes, either an absolute number or a percentage.classAn filter that removes a range of attributes from the dataset.classRemoves attributes based on a regular expression matched against their names.classRemoves attributes of a given type.classThis filter removes attributes that do not vary at all or that vary too much.classThis filter is used for renaming attributes.
 Regular expressions can be used in the matching and replacing.
 See Javadoc of java.util.regex.Pattern class for more information:
 http://java.sun.com/javase/6/docs/api/java/util/regex/Pattern.htmlclassRenames the values of nominal attributes.classA filter that generates output with a new order of the attributes.classReplaces all missing values for nominal and numeric attributes in a dataset with the modes and means from the training data.classReplaces all missing values for nominal, string, numeric and date attributes in the dataset with user-supplied constant values.classA filter that can be used to introduce missing values in a dataset.classA simple filter for sorting the labels of nominal attributes.classStandardizes all numeric attributes in the given dataset to have zero mean and unit variance (apart from the class attribute, if set).classConverts a range of string attributes (unspecified number of values) to nominal (set number of values).classConverts string attributes into a set of numeric attributes representing word occurrence information from the text contained in the strings.classSwaps two values of a nominal attribute.classAn instance filter that assumes instances form time-series data and replaces attribute values in the current instance with the difference between the current value and the equivalent attribute attribute value of some previous (or future) instance.classAn instance filter that assumes instances form time-series data and replaces attribute values in the current instance with the equivalent attribute values of some previous (or future) instance.classTransposes the data: instances become attributes and attributes become instances.
- 
Uses of RevisionHandler in weka.filters.unsupervised.instanceClasses in weka.filters.unsupervised.instance that implement RevisionHandlerModifier and TypeClassDescriptionclassAn instance filter that converts all incoming instances into sparse format.classRandomly shuffles the order of instances passed through it.classRemoves all duplicate instances from the first batch of data it receives.classThis filter takes a dataset and outputs a specified fold for cross validation.classDetermines which values (frequent or infrequent ones) of an (nominal) attribute are retained and filters the instances accordingly.classA filter that removes instances which are incorrectly classified.classA filter that removes a given percentage of a dataset.classA filter that removes a given range of instances of a dataset.classFilters instances according to the value of an attribute.classProduces a random subsample of a dataset using either sampling with replacement or without replacement.classProduces a random subsample of a dataset using the reservoir sampling Algorithm "R" by Vitter.classAn instance filter that converts all incoming sparse instances into non-sparse format.classFilters instances according to a user-specified expression.
 
 Examples:
 - extracting only mammals and birds from the 'zoo' UCI dataset:
 (CLASS is 'mammal') or (CLASS is 'bird')
 - extracting only animals with at least 2 legs from the 'zoo' UCI dataset:
 (ATT14 >= 2)
 - extracting only instances with non-missing 'wage-increase-second-year'
 from the 'labor' UCI dataset:
 not ismissing(ATT3)
- 
Uses of RevisionHandler in weka.gui.beansClasses in weka.gui.beans that implement RevisionHandlerModifier and TypeClassDescriptionclassSmall utility class for executing KnowledgeFlow flows outside of the KnowledgeFlow application
- 
Uses of RevisionHandler in weka.gui.beans.xmlClasses in weka.gui.beans.xml that implement RevisionHandlerModifier and TypeClassDescriptionclassThis class serializes and deserializes a KnowledgeFlow setup to and fro XML.
- 
Uses of RevisionHandler in weka.gui.sqlClasses in weka.gui.sql that implement RevisionHandler
- 
Uses of RevisionHandler in weka.knowledgeflowClasses in weka.knowledgeflow that implement RevisionHandlerModifier and TypeClassDescriptionclassExtended Environment with support for storing results and property values to be set at a later date on the base schemes of WekaAlgorithmWrapper steps.
weka.core.matrix.Matrixinstead - only for backwards compatibility.