Uses of Interface
weka.core.CapabilitiesHandler
Packages that use CapabilitiesHandler
Package
Description
-
Uses of CapabilitiesHandler in weka.associations
Classes in weka.associations that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassAbstract scheme for learning associations.classClass implementing an Apriori-type algorithm.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.classAbstract utility class for handling settings common to meta associators that use a single base associator. -
Uses of CapabilitiesHandler in weka.attributeSelection
Classes in weka.attributeSelection that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassAbstract attribute selection evaluation classclassAbstract attribute set evaluator.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.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).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.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 CapabilitiesHandler in weka.classifiers
Classes in weka.classifiers that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassAbstract classifier.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 CapabilitiesHandler in weka.classifiers.bayes
Classes in weka.classifiers.bayes that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.bayes.net
Classes in weka.classifiers.bayes.net that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassBayes 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. -
Uses of CapabilitiesHandler in weka.classifiers.bayes.net.estimate
Classes in weka.classifiers.bayes.net.estimate that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassSymbolic probability estimator based on symbol counts and a prior.classSymbolic probability estimator based on symbol counts and a prior. -
Uses of CapabilitiesHandler in weka.classifiers.functions
Classes in weka.classifiers.functions that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.functions.supportVector
Classes in weka.classifiers.functions.supportVector that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassBase class for RBFKernel and PolyKernel that implements a simple LRU.classAbstract kernel.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: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 CapabilitiesHandler in weka.classifiers.lazy
Classes in weka.classifiers.lazy that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.meta
Classes in weka.classifiers.meta that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.misc
Classes in weka.classifiers.misc that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.pmml.consumer
Classes in weka.classifiers.pmml.consumer that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.rules
Classes in weka.classifiers.rules that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassClass for building and using a simple decision table majority classifier.
For more information see:
Ron Kohavi: The Power of Decision Tables.classThis class implements a propositional rule learner, Repeated Incremental Pruning to Produce Error Reduction (RIPPER), which was proposed by William W.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.classClass for building and using a 0-R classifier. -
Uses of CapabilitiesHandler in weka.classifiers.trees
Classes in weka.classifiers.trees that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.classifiers.trees.j48
Classes in weka.classifiers.trees.j48 that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassClass for handling a tree structure that can be pruned using C4.5 procedures.classClass for handling a tree structure used for classification.classClass for handling a naive bayes tree structure used for classification.classClass for handling a tree structure that can be pruned using a pruning set. -
Uses of CapabilitiesHandler in weka.classifiers.trees.lmt
Classes in weka.classifiers.trees.lmt that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassClass for logistic model tree structure.classBase/helper class for building logistic regression models with the LogitBoost algorithm. -
Uses of CapabilitiesHandler in weka.classifiers.trees.m5
Classes in weka.classifiers.trees.m5 that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassM5Base.classThis class encapsulates a linear regression function.classConstructs a node for use in an m5 tree or rule -
Uses of CapabilitiesHandler in weka.clusterers
Classes in weka.clusterers that implement CapabilitiesHandlerModifier 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 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.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 CapabilitiesHandler in weka.core
Subinterfaces of CapabilitiesHandler in weka.coreModifier and TypeInterfaceDescriptioninterfaceMulti-Instance classifiers can specify an additional Capabilities object for the data in the relational attribute, since the format of multi-instance data is fixed to "bag/NOMINAL,data/RELATIONAL,class".interfaceThis interface can be implemented by algorithms that generate a partition of the instance space (e.g., decision trees).Classes in weka.core that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassLocates all classes with certain capabilities.Methods in weka.core that return CapabilitiesHandlerModifier and TypeMethodDescriptionFindWithCapabilities.getHandler()returns the current set CapabilitiesHandler to generate the dataset for, can be null.TestInstances.getHandler()returns the current set CapabilitiesHandler to generate the dataset for, can be nullCapabilities.getOwner()returns the owner of this capabilities objectMethods in weka.core with parameters of type CapabilitiesHandlerModifier and TypeMethodDescriptionvoidFindWithCapabilities.setHandler(CapabilitiesHandler value) sets the Capabilities handler to generate the data for.voidTestInstances.setHandler(CapabilitiesHandler value) sets the Capabilities handler to generate the data forvoidCapabilities.setOwner(CapabilitiesHandler value) sets the owner of this capabilities objectConstructors in weka.core with parameters of type CapabilitiesHandlerModifierConstructorDescriptionCapabilities(CapabilitiesHandler owner) initializes the capabilities for the given owner -
Uses of CapabilitiesHandler in weka.core.converters
Classes in weka.core.converters that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassAbstract class for Savers that save to a file Valid options are: -i input arff file
The input filw in arff format.classAbstract class for SaverclassWrites to a destination in arff text 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.classWrites to a destination that is in CSV (comma-separated values) format.classWrites to a database (tested with MySQL, InstantDB, HSQLDB).classWrites a dictionary constructed from string attributes in incoming instances to a destination.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/classWrites to a destination that is in libsvm format.
For more information about libsvm see:
http://www.csie.ntu.edu.tw/~cjlin/libsvm/classWrites Matlab ASCII files, in single or double precision format.classSerializes the instances to a file with extension bsi.classWrites to a destination that is in svm light format.
For more information about svm light see:
http://svmlight.joachims.org/classWrites to a destination that is in the XML version of the ARFF format. -
Uses of CapabilitiesHandler in weka.core.neighboursearch
Classes in weka.core.neighboursearch that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassApplies the given filter before calling the given neighbour search method. -
Uses of CapabilitiesHandler in weka.estimators
Classes in weka.estimators that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassSimple symbolic probability estimator based on symbol counts.classAbstract class for all estimators.classSimple kernel density estimator.classSimple probability estimator that places a single normal distribution over the observed values.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. -
Uses of CapabilitiesHandler in weka.filters
Classes in weka.filters that implement CapabilitiesHandlerModifier and TypeClassDescriptionclassA simple instance filter that passes all instances directly through.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 CapabilitiesHandler in weka.filters.supervised.attribute
Classes in weka.filters.supervised.attribute that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.filters.supervised.instance
Classes in weka.filters.supervised.instance that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.filters.unsupervised.attribute
Classes in weka.filters.unsupervised.attribute that implement CapabilitiesHandlerModifier 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 CapabilitiesHandler in weka.filters.unsupervised.instance
Classes in weka.filters.unsupervised.instance that implement CapabilitiesHandlerModifier 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)