![]() |
Accord.MachineLearning Namespace |
Class | Description | |
---|---|---|
![]() ![]() | BagOfWords |
Bag of words.
|
![]() ![]() | BagOfWordsTInput |
Bag of words.
|
![]() ![]() | BagOfWordsTInput, TClustering |
Bag of words.
|
![]() | BagOfWordsStatistics |
Codebook learning statistics for BagOfWords models.
|
![]() ![]() | BalancedKMeans |
Balanced K-Means algorithm. Note: The balanced clusters will be
available in the Labels property of this instance!
|
![]() | BaseBagOfWordsTModel, TInput, TClustering |
Base class for Bag of Visual Words implementations.
|
![]() | BaseBagOfWordsTModel, TPoint, TFeature, TClustering, TExtractor, TInput |
Base class for Bag of Audiovisual Words implementations.
|
![]() | BaseBatchesTBatch, TInput |
Utility class for preparing mini-batches of data.
|
![]() | BaseKNearestNeighborsTModel, TInput, TDistance |
Base class for K-Nearest Neighbor (k-NN) algorithms.
|
![]() | BatchesTInput, TOutput |
Utility class for preparing mini-batches of data.
|
![]() | BinaryClassifierBaseTInput |
Base class for binary classifiers.
|
![]() | BinaryLearningBaseTModel, TInput |
Common base class for supervised learning algorithms for
binary classifiers.
|
![]() | BinaryLikelihoodClassifierBaseTInput |
Base class for
generative binary classifiers.
|
![]() | BinaryScoreClassifierBaseTInput |
Base class for
score-based binary classifiers.
|
![]() ![]() | BinarySplit |
Binary split clustering algorithm.
|
![]() | BoltzmannExploration |
Boltzmann distribution exploration policy.
|
![]() | Bootstrap | Obsolete.
Obsolete. Please use BootstrapTModel, TInput, TOutput instead.
|
![]() | BootstrapResult | Obsolete.
Obsolete. Please refer to BootstrapTModel, TInput, TOutput instead.
|
![]() | BootstrapValues | Obsolete.
Obsolete. Please refer to BootstrapTModel, TInput, TOutput instead.
|
![]() | CentroidClusterTCollection, TData, TCluster |
Data cluster.
|
![]() | CentroidClusterTCollection, TData, TCentroid, TCluster |
Data cluster.
|
![]() | ClassifierBaseTInput, TClasses |
Base class for multi-class and multi-label classifiers.
|
![]() | ClusterTCollection, TData, TCluster |
Base class for a data cluster.
|
![]() ![]() | CrossValidation |
k-Fold cross-validation. Please only use the static methods contained in this class,
the rest are marked as obsolete.
|
![]() ![]() | CrossValidationTModel | Obsolete.
Obsolete. Please use CrossValidationTModel, TInput, TOutput instead.
|
![]() ![]() | CrossValidationResultTModel | Obsolete.
Obsolete. Please refer to CrossValidationTModel, TInput instead.
|
![]() ![]() | CrossValidationStatistics |
Summary statistics for a cross-validation trial.
|
![]() ![]() | CrossValidationValues | Obsolete.
Obsolete. Please refer to CrossValidationTModel, TInput instead.
|
![]() ![]() | CrossValidationValuesTModel |
Obsolete. Please refer to CrossValidationTModel, TInput instead.
|
![]() | EarlyStoppingTModel |
Early stopping training procedure.
|
![]() | EpsilonGreedyExploration |
Epsilon greedy exploration policy.
|
![]() | GaussianClusterCollection |
Gaussian Mixture Model Cluster Collection.
|
![]() | GaussianClusterCollectionGaussianCluster |
Gaussian Mixture Model cluster.
|
![]() ![]() | GaussianMixtureModel |
Gaussian mixture model clustering.
|
![]() | GaussianMixtureModelOptions | Obsolete.
Options for Gaussian Mixture Model fitting.
|
![]() ![]() | GridSearchTModel | Obsolete.
Grid search procedure for automatic parameter tuning.
|
![]() | GridSearchParameterCollection |
Grid search parameter collection.
|
![]() | GridSearchRange |
Range of parameters to be tested in a grid search.
|
![]() | GridSearchRangeCollection |
GridSearchRange collection.
|
![]() | GridSearchResultTModel |
Contains results from the grid-search procedure.
|
![]() | InnerParametersTBinary, TInput |
Parameters for learning a binary decision model. An object of this class is passed by
OneVsRestLearningTBinary, TModel or OneVsOneLearningTBinary, TModel
to instruct how binary learning algorithms should create their binary classifiers.
|
![]() ![]() | KMeans |
Lloyd's k-Means clustering algorithm.
|
![]() | KMeansClusterCollection |
k-Means cluster collection.
|
![]() | KMeansClusterCollectionKMeansCluster |
k-Means' cluster.
|
![]() | KMedoids |
k-Medoids clustering using PAM (Partition Around Medoids) algorithm.
|
![]() ![]() | KMedoidsT |
k-Medoids clustering using PAM (Partition Around Medoids) algorithm.
|
![]() | KMedoidsClusterCollectionT |
k-Medoids cluster collection.
|
![]() | KMedoidsClusterCollectionTKMedoidsCluster |
k-Medoids' cluster.
|
![]() | KModes |
k-Modes algorithm.
|
![]() ![]() | KModesT |
k-Modes algorithm.
|
![]() | KModesClusterCollectionT |
k-Modes cluster collection.
|
![]() | KModesClusterCollectionTKModesCluster |
k-Modes' cluster.
|
![]() ![]() | KNearestNeighbors |
K-Nearest Neighbor (k-NN) algorithm.
|
![]() ![]() | KNearestNeighborsTInput |
K-Nearest Neighbor (k-NN) algorithm.
|
![]() | LikelihoodTaggerBaseTInput |
Base implementation for generative observation sequence taggers. A sequence
tagger can predict the class label of each individual observation in a
input sequence vector.
|
![]() ![]() | MeanShift |
Mean shift clustering algorithm.
|
![]() | MeanShiftClusterCollection |
Mean shift cluster collection.
|
![]() | MeanShiftClusterCollectionMeanShiftCluster |
Mean shift cluster.
|
![]() | MiniBatches |
Utility class for preparing mini-batches of data.
|
![]() | MiniBatchesTInput |
Utility class for preparing mini-batches of data.
|
![]() ![]() | MiniBatchKMeans |
Fast k-means clustering algorithm.
|
![]() ![]() | MinimumMeanDistanceClassifier |
Minimum (Mean) Distance Classifier.
|
![]() | MulticlassClassifierBase |
Base class for multi-class classifiers.
|
![]() | MulticlassClassifierBaseTInput |
Base class for multi-class classifiers.
|
![]() | MulticlassLearningBaseTModel |
Base class for multi-class learning algorithm.
|
![]() | MulticlassLearningBaseTModel, TInput |
Base class for multi-class learning algorithm.
|
![]() | MulticlassLikelihoodClassifierBaseTInput |
Base class for generative multi-class classifiers.
|
![]() | MulticlassScoreClassifierBaseTInput |
Base class for
score-based multi-class classifiers.
|
![]() | MultilabelClassifierBaseTInput |
Base class for
multi-label classifiers.
|
![]() | MultilabelLikelihoodClassifierBaseTInput |
Base class for
generative multi-label classifiers.
|
![]() | MultilabelScoreClassifierBaseTInput |
Base class for
score-based multi-label classifiers.
|
![]() | MultipleTransformBaseTInput, TOutput |
Base class for data transformation algorithms.
|
![]() | OneVsOneTBinary |
One-Vs-One construction for solving multi-class
classification using a set of binary classifiers.
|
![]() | OneVsOneTBinary, TInput |
One-Vs-One construction for solving multi-class
classification using a set of binary classifiers.
|
![]() | OneVsOneLearningTBinary, TModel |
Base learning algorithm for OneVsOneTBinary, TInput multi-class classifiers.
|
![]() | OneVsOneLearningTInput, TBinary, TModel |
Base learning algorithm for OneVsOneTBinary, TInput multi-class classifiers.
|
![]() | OneVsRestTModel |
Base class for multi-class classifiers based on the
"one-vs-rest" construction based on binary classifiers.
|
![]() | OneVsRestTModel, TInput |
Base class for multi-class classifiers based on the
"one-vs-rest" construction based on binary classifiers.
|
![]() | OneVsRestLearningTBinary, TModel |
Base learning algorithm for OneVsRestTModel, TInput multi-class classifiers.
|
![]() | OneVsRestLearningTInput, TBinary, TModel |
Base learning algorithm for OneVsRestTModel, TInput multi-class classifiers.
|
![]() | ParallelLearningBase |
Base class for parallel learning algorithms.
|
![]() ![]() | QLearning |
QLearning learning algorithm.
|
![]() ![]() | RANSACTModel |
Multipurpose RANSAC algorithm.
|
![]() | RouletteWheelExploration |
Roulette wheel exploration policy.
|
![]() ![]() | Sarsa |
Sarsa learning algorithm.
|
![]() | ScoreTaggerBaseTInput |
Common base class for observation sequence taggers.
|
![]() | SplitSetResultTModel | Obsolete.
Obsolete. Please refer to SplitSetValidationTModel, TInput instead.
|
![]() | SplitSetStatistics | Obsolete.
Obsolete. Please refer to SplitSetValidationTModel, TInput, TOutput instead.
|
![]() | SplitSetStatisticsTModel |
Summary statistics for a Split-set validation trial.
|
![]() | SplitSetValidation | Obsolete.
Obsolete. Please refer to SplitSetValidationTModel, TInput, TOutput instead.
|
![]() | SplitSetValidationTModel | Obsolete.
Obsolete. Please use SplitSetValidationTModel, TInput, TOutput instead.
|
![]() | SubproblemEventArgs |
Subproblem progress event argument.
|
![]() | TabuSearchExploration |
Tabu search exploration policy.
|
![]() | TaggerBaseTInput |
Base class for multi-class and multi-label classifiers.
|
![]() ![]() | TFIDF |
Term Frequency - Inverse Term Frequency.
|
![]() | Tools |
Set of machine learning tools.
|
![]() | TransformBase |
Base class for data transformation algorithms.
|
![]() | TransformBaseTInput |
Base class for data transformation algorithms.
|
![]() | TransformBaseTInput, TOutput |
Base class for data transformation algorithms.
|
![]() | VoronoiIteration |
k-Medoids clustering using Voronoi iteration algorithm.
|
![]() ![]() | VoronoiIterationT |
k-Medoids clustering using Voronoi iteration algorithm.
|
Structure | Description | |
---|---|---|
![]() | ClassPair |
Pair of class labels.
|
![]() ![]() | Decision |
Decision between two class labels. Indicates the class index of the first
class, the class index of the adversary, and the class index of the winner.
|
![]() | GridSearchParameter |
Contains the name and value of a parameter that should be used during fitting.
|
Interface | Description | |
---|---|---|
![]() | IBagOfWordsT |
Common interface for Bag of Words objects.
|
![]() | IBinaryClassifier |
Common interface for classification models. Classification models
learn how to produce a class-label (or a set of class labels) y
from an input vector x.
|
![]() | IBinaryClassifierTInput |
Common interface for classification models. Classification models
learn how to produce a class-label (or a set of class labels) y
from an input vector x.
|
![]() | IBinaryLikelihoodClassifierTInput |
Common interface for generative binary classifiers. A binary classifier can
predict whether or not an instance belongs to a class, while at the same time
being able to provide the probability of this sample belonging to the positive
class.
|
![]() | IBinaryScoreClassifierTInput |
Common interface for score-based binary classifiers. A binary classifier can
predict whether or not an instance belongs to a class based on a decision score
(a real number) that measures the association of the input with the negative
and positive class.
|
![]() | ICentroidClusterCollectionTData, TCluster |
Common interface for clusters that contains centroids which are of the same data type
as the clustered data types (i.e. KMeansClusterCollectionKMeansCluster).
|
![]() | ICentroidClusterCollectionTData, TCentroids, TCluster |
Common interface for clusters that contains centroids, where the centroid data type might be different
from the data type of the data bring clustered (i.e. GaussianClusterCollectionGaussianCluster).
|
![]() | IClassifier |
Common interface for classification models. Classification models
learn how to produce a class-label (or a set of class labels) y
from an input vector x.
|
![]() | IClassifierTInput, TClasses |
Common interface for classification models. Classification models
learn how to produce a class-label (or a set of class labels) y
from an input vector x.
|
![]() | IClusterCollectionTData | Obsolete.
Common interface for cluster collections.
|
![]() | IClusterCollectionTData, TCluster | Obsolete.
Common interface for cluster collections.
|
![]() | IClusterCollectionExTData, TCluster |
Common interface for collections of clusters (i.e. KMeansClusterCollection,
GaussianClusterCollection, MeanShiftClusterCollection).
|
![]() | IClusteringAlgorithmTData | Obsolete.
Common interface for clustering algorithms.
|
![]() | IClusteringAlgorithmTData, TWeights | Obsolete.
Common interface for clustering algorithms.
|
![]() | ICovariantTransformTInput, TOutput |
Common interface for data transformation algorithms. Examples of transformations include
classifiers, regressions
and other machine learning techniques.
|
![]() | IDescriptiveLearningTModel, TInput |
Common interface for unsupervised learning algorithms.
|
![]() | IExplorationPolicy |
Exploration policy interface.
|
![]() | IGenerativeTInput |
Common interface for generative models.
|
![]() | ILikelihoodTaggerTInput |
Common interface for generative observation sequence taggers. A sequence
tagger can predict the class label of each individual observation in a
input sequence vector.
|
![]() | IMulticlassClassifier |
Common interface for multi-class models. Classification models
learn how to produce a class-label y from an input vector x.
|
![]() | IMulticlassClassifierTInput |
Common interface for multi-class models. Classification models
learn how to produce a class-label y from an input vector x.
|
![]() | IMulticlassClassifierTInput, TClasses |
Common interface for multi-class models. Classification models
learn how to produce a class-label y from an input vector x.
|
![]() | IMulticlassLikelihoodClassifierTInput |
Common interface for generative multi-class classifiers. A multi-class
classifier can predicts a class label based on an input instance vector.
|
![]() | IMulticlassLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-class classifiers. A multi-class
classifier can predicts a class label based on an input instance vector.
|
![]() | IMulticlassLikelihoodClassifierBaseTInput, TClasses |
Common interface for generative multi-class classifiers. A multi-class
classifier can predicts a class label based on an input instance vector.
|
![]() | IMulticlassOutLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-class classifiers. A multi-class
classifier can predicts a class label based on an input instance vector.
|
![]() | IMulticlassOutScoreClassifierTInput, TClasses |
Common interface for score-based multi-class classifiers. A multi-class
classifier can predict to which class an instance belongs based
on a decision score (a real number) that measures the association of the
input with each class.
|
![]() | IMulticlassRefLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-class classifiers. A multi-class
classifier can predicts a class label based on an input instance vector.
|
![]() | IMulticlassRefScoreClassifierTInput, TClasses |
Common interface for score-based multi-class classifiers. A multi-class
classifier can predict to which class an instance belongs based
on a decision score (a real number) that measures the association of the
input with each class.
|
![]() | IMulticlassScoreClassifierTInput |
Common interface for score-based multi-class classifiers. A multi-class
classifier can predict to which class an instance belongs based
on a decision score (a real number) that measures the association of the
input with each class.
|
![]() | IMulticlassScoreClassifierTInput, TClasses |
Common interface for score-based multi-class classifiers. A multi-class
classifier can predict to which class an instance belongs based
on a decision score (a real number) that measures the association of the
input with each class.
|
![]() | IMulticlassScoreClassifierBaseTInput, TClasses |
Common interface for score-based multi-class classifiers. A multi-class
classifier can predict to which class an instance belongs based
on a decision score (a real number) that measures the association of the
input with each class.
|
![]() | IMultilabelClassifier |
Common interface for multi-label classifiers. A multi-label classifier can
predict the occurrence of multiple class labels at once.
|
![]() | IMultilabelClassifierTInput |
Common interface for multi-label classifiers. A multi-label classifier can
predict the occurrence of multiple class labels at once.
|
![]() | IMultilabelClassifierTInput, TClasses |
Common interface for multi-label classifiers. A multi-label classifier can
predict the occurrence of multiple class labels at once.
|
![]() | IMultilabelLikelihoodClassifierTInput |
Common interface for generative multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once,
as well as their probabilities.
|
![]() | IMultilabelLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once.
|
![]() | IMultilabelLikelihoodClassifierBaseTInput, TClasses |
Common interface for generative multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once.
|
![]() | IMultilabelOutLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once,
as well as their probabilities.
|
![]() | IMultilabelOutScoreClassifierTInput, TClasses |
Common interface for score-based multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once
based on a decision score (a real number) computed for each class.
|
![]() | IMultilabelRefLikelihoodClassifierTInput, TClasses |
Common interface for generative multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once,
as well as their probabilities.
|
![]() | IMultilabelRefScoreClassifierTInput, TClasses |
Common interface for score-based multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once
based on a decision score (a real number) computed for each class.
|
![]() | IMultilabelScoreClassifierTInput |
Common interface for score-based multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once
based on a decision score (a real number) computed for each class.
|
![]() | IMultilabelScoreClassifierTInput, TClasses |
Common interface for score-based multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once
based on a decision score (a real number) computed for each class.
|
![]() | IMultilabelScoreClassifierBaseTInput, TClasses |
Common interface for score-based multi-label classifiers. A multi-label
classifier can predict the occurrence of multiple class labels at once
based on a decision score (a real number) computed for each class.
|
![]() | IMultipleRegressionTInput |
Common interface for multiple regression models. Multiple regression
models learn how to produce a set of real values (a real-valued vector)
from an input vector x.
|
![]() | IMultipleRegressionTInput, TOutput |
Common interface for multiple regression models. Multiple regression
models learn how to produce a set of real values (a real-valued vector)
from an input vector x.
|
![]() | IMultipleTransformTInput, TOutput |
Common interface for data transformation algorithms. Examples of transformations include
classifiers, regressions
and other machine learning techniques.
|
![]() | IParallel |
Common interface for parallel algorithms.
|
![]() | IRegressionTInput |
Common interface for regression models. Regression models
learn how to produce a real value (or a set of real values) y
from an input vector x.
|
![]() | IRegressionTInput, TOutput |
Common interface for regression models. Regression models
learn how to produce a real value (or a set of real values) y
from an input vector x.
|
![]() | IScoreTaggerTInput |
Common interface for observation sequence taggers.
|
![]() | ISupervisedBinaryLearningTModel |
Common interface for supervised learning algorithms for
binary classifiers.
|
![]() | ISupervisedBinaryLearningTModel, TInput |
Common interface for supervised learning algorithms for
binary classifiers.
|
![]() | ISupervisedLearningTModel, TInput, TOutput |
Common interface for supervised learning algorithms.
|
![]() | ISupervisedMulticlassLearningTModel |
Common interface for supervised learning algorithms for
multi-class
classifiers.
|
![]() | ISupervisedMulticlassLearningTModel, TInput |
Common interface for supervised learning algorithms for
multi-class
classifiers.
|
![]() | ISupervisedMultilabelLearningTModel |
Common interface for supervised learning algorithms for
multi-label classifiers.
|
![]() | ISupervisedMultilabelLearningTModel, TInput |
Common interface for supervised learning algorithms for
multi-label classifiers.
|
![]() | ISupportsCancellation |
Common interface for algorithms that can be canceled
in the middle of execution.
|
![]() | ITaggerTInput |
Common interface for generative observation sequence taggers. A sequence
tagger can predict the class label of each individual observation in a
input sequence vector.
|
![]() | ITransform |
Common interface for data transformation algorithms. Examples of transformations include
classifiers,
regressions and other machine learning techniques.
|
![]() | ITransformTInput |
Common interface for data transformation algorithms. Examples of transformations include
classifiers, regressions
and other machine learning techniques.
|
![]() | ITransformTInput, TOutput |
Common interface for data transformation algorithms. Examples of transformations include
classifiers, regressions
and other machine learning techniques.
|
![]() | IUnsupervisedLearningTModel, TInput, TOutput |
Common interface for unsupervised learning algorithms.
|
Delegate | Description | |
---|---|---|
![]() | BootstrapFittingFunction | Obsolete.
Obsolete. Please refer to BootstrapTModel, TInput, TOutput instead.
|
![]() | CrossValidationFittingFunctionTModel |
Obsolete. Please use CrossValidationTModel, TInput, TOutput instead.
|
![]() | GridSearchFittingFunctionTModel |
Delegate for grid search fitting functions.
|
![]() | SplitValidationEvaluateFunctionTModel | Obsolete.
Obsolete. Please use SplitSetValidationTModel, TInput, TOutput instead.
|
![]() | SplitValidationFittingFunctionTModel | Obsolete.
Obsolete. Please use SplitSetValidationTModel, TInput, TOutput instead.
|
Enumeration | Description | |
---|---|---|
![]() | InverseDocumentFrequency |
Weighting schemes for Inverse Document Frequency (IDF).
|
![]() | ModelStorageMode |
Modes for storing models.
|
![]() | Seeding |
Initialization schemes for clustering algorithms.
|
![]() | ShuffleMethod |
Mini-batch data shuffling options.
|
![]() | TermFrequency |
Weighting schemes for term-frequency (TF).
|