Package | Description |
---|---|
de.lmu.ifi.dbs.elki.algorithm |
Algorithms suitable as a task for the
KDDTask
main routine. |
de.lmu.ifi.dbs.elki.algorithm.classification |
Classification algorithms.
|
de.lmu.ifi.dbs.elki.algorithm.clustering |
Clustering algorithms
Clustering algorithms are supposed to implement the
Algorithm -Interface. |
de.lmu.ifi.dbs.elki.algorithm.clustering.em |
Expectation-Maximization clustering algorithm.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.gdbscan |
Generalized DBSCAN
Generalized DBSCAN is an abstraction of the original DBSCAN idea,
that allows the use of arbitrary "neighborhood" and "core point" predicates.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.hierarchical |
Hierarchical agglomerative clustering (HAC).
|
de.lmu.ifi.dbs.elki.algorithm.clustering.hierarchical.extraction |
Extraction of partitional clusterings from hierarchical results.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.hierarchical.linkage |
Linkages for hierarchical clustering.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans |
K-means clustering and variations
|
de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.initialization |
Initialization strategies for k-means.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.optics |
OPTICS family of clustering algorithms.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.subspace |
Axis-parallel subspace clustering algorithms
The clustering algorithms in this package are instances of both, projected
clustering algorithms or subspace clustering algorithms according to the
classical but somewhat obsolete classification schema of clustering
algorithms for axis-parallel subspaces.
|
de.lmu.ifi.dbs.elki.algorithm.clustering.trivial |
Trivial clustering algorithms: all in one, no clusters, label clusterings
These methods are mostly useful for providing a reference result in
evaluation.
|
de.lmu.ifi.dbs.elki.algorithm.itemsetmining |
Algorithms for frequent itemset mining such as APRIORI.
|
de.lmu.ifi.dbs.elki.algorithm.outlier.distance |
Distance-based outlier detection algorithms, such as DBOutlier and kNN.
|
de.lmu.ifi.dbs.elki.algorithm.outlier.lof |
LOF family of outlier detection algorithms
|
de.lmu.ifi.dbs.elki.algorithm.outlier.trivial |
Trivial outlier detection algorithms: no outliers, all outliers, label
outliers.
|
de.lmu.ifi.dbs.elki.algorithm.projection |
Data projections (see also preprocessing filters for basic projections).
|
de.lmu.ifi.dbs.elki.algorithm.timeseries |
Algorithms for change point detection in time series.
|
de.lmu.ifi.dbs.elki.datasource |
Data normalization (and reconstitution) of data sets
|
de.lmu.ifi.dbs.elki.datasource.filter.normalization.columnwise |
Normalizations operating on columns / variates; where each column is treated independently.
|
de.lmu.ifi.dbs.elki.datasource.filter.transform |
Data space transformations
|
de.lmu.ifi.dbs.elki.distance.distancefunction |
Distance functions for use within ELKI.
|
de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski |
Minkowski space Lp norms such as the popular Euclidean and
Manhattan distances.
|
de.lmu.ifi.dbs.elki.distance.distancefunction.probabilistic |
Distance from probability theory, mostly divergences such as K-L-divergence,
J-divergence, F-divergence, χ²-divergence, etc.
|
de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel |
Kernel functions.
|
de.lmu.ifi.dbs.elki.index.tree.metrical.covertree |
Cover-tree variations.
|
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.strategies.split |
Splitting strategies of nodes in an M-Tree (and variants)
|
de.lmu.ifi.dbs.elki.math.statistics.dependence |
Statistical measures of dependence, such as correlation
|
de.lmu.ifi.dbs.elki.result |
Result types, representation and handling
|
Modifier and Type | Class and Description |
---|---|
class |
DependencyDerivator<V extends NumberVector>
Dependency derivator computes quantitatively linear dependencies among
attributes of a given dataset based on a linear correlation PCA.
|
class |
DummyAlgorithm<O extends NumberVector>
Dummy algorithm, which just iterates over all points once, doing a 10NN query
each.
|
class |
KNNJoin<V extends NumberVector,N extends SpatialNode<N,E>,E extends SpatialEntry>
Joins in a given spatial database to each object its k-nearest neighbors.
|
Modifier and Type | Class and Description |
---|---|
class |
KNNClassifier<O>
KNNClassifier classifies instances based on the class distribution among the
k nearest neighbors in a database.
|
Modifier and Type | Class and Description |
---|---|
class |
DBSCAN<O>
Density-Based Clustering of Applications with Noise (DBSCAN), an algorithm to
find density-connected sets in a database.
|
Modifier and Type | Class and Description |
---|---|
class |
EM<V extends NumberVector,M extends MeanModel>
Clustering by expectation maximization (EM-Algorithm), also known as Gaussian
Mixture Modeling (GMM), with optional MAP regularization.
|
Modifier and Type | Class and Description |
---|---|
class |
LSDBC<O extends NumberVector>
Locally Scaled Density Based Clustering.
|
Modifier and Type | Class and Description |
---|---|
class |
AnderbergHierarchicalClustering<O>
This is a modification of the classic AGNES algorithm for hierarchical
clustering using a nearest-neighbor heuristic for acceleration.
|
class |
MiniMaxAnderberg<O>
This is a modification of the classic MiniMax algorithm for hierarchical
clustering using a nearest-neighbor heuristic for acceleration.
|
class |
SLINK<O>
Implementation of the efficient Single-Link Algorithm SLINK of R.
|
Modifier and Type | Class and Description |
---|---|
class |
ClustersWithNoiseExtraction
Extraction of a given number of clusters with a minimum size, and noise.
|
class |
SimplifiedHierarchyExtraction
Extraction of simplified cluster hierarchies, as proposed in HDBSCAN.
|
Modifier and Type | Class and Description |
---|---|
class |
CompleteLinkage
Complete-linkage ("maximum linkage") clustering method.
|
class |
FlexibleBetaLinkage
Flexible-beta linkage as proposed by Lance and Williams.
|
class |
GroupAverageLinkage
Group-average linkage clustering method (UPGMA).
|
class |
SingleLinkage
Single-linkage ("minimum") clustering method.
|
class |
WardLinkage
Ward's method clustering method.
|
class |
WeightedAverageLinkage
Weighted average linkage clustering method (WPGMA).
|
Modifier and Type | Class and Description |
---|---|
class |
FastCLARANS<V>
A faster variation of CLARANS, that can explore O(k) as many swaps at a
similar cost by considering all medoids for each candidate non-medoid.
|
class |
KMeansCompare<V extends NumberVector>
Compare-Means: Accelerated k-means by exploiting the triangle inequality and
pairwise distances of means to prune candidate means.
|
class |
KMeansSort<V extends NumberVector>
Sort-Means: Accelerated k-means by exploiting the triangle inequality and
pairwise distances of means to prune candidate means (with sorting).
|
class |
KMedoidsFastPAM<V>
FastPAM: An improved version of PAM, that is usually O(k) times faster.
|
class |
KMedoidsFastPAM1<V>
FastPAM1: A version of PAM that is O(k) times faster, i.e., now in O((n-k)²).
|
class |
KMedoidsPAM<V>
The original Partitioning Around Medoids (PAM) algorithm or k-medoids
clustering, as proposed by Kaufman and Rousseeuw in "Clustering by means of
Medoids".
|
Modifier and Type | Class and Description |
---|---|
class |
ParkInitialMeans<O>
Initialization method proposed by Park and Jun.
|
class |
RandomNormalGeneratedInitialMeans
Initialize k-means by generating random vectors (normal distributed
with \(N(\mu,\sigma)\) in each dimension).
|
class |
RandomUniformGeneratedInitialMeans
Initialize k-means by generating random vectors (uniform, within the value
range of the data set).
|
Modifier and Type | Class and Description |
---|---|
class |
OPTICSXi
Extract clusters from OPTICS Plots using the original Xi extraction.
|
Modifier and Type | Class and Description |
---|---|
class |
P3C<V extends NumberVector>
P3C: A Robust Projected Clustering Algorithm.
|
Modifier and Type | Class and Description |
---|---|
class |
ByLabelClustering
Pseudo clustering using labels.
|
class |
ByLabelHierarchicalClustering
Pseudo clustering using labels.
|
class |
ByLabelOrAllInOneClustering
Trivial class that will try to cluster by label, and fall back to an
"all-in-one" clustering.
|
class |
ByModelClustering
Pseudo clustering using annotated models.
|
class |
TrivialAllInOne
Trivial pseudo-clustering that just considers all points to be one big
cluster.
|
class |
TrivialAllNoise
Trivial pseudo-clustering that just considers all points to be noise.
|
Modifier and Type | Class and Description |
---|---|
class |
FPGrowth
FP-Growth is an algorithm for mining the frequent itemsets by using a
compressed representation of the database called
FPGrowth.FPTree . |
Modifier and Type | Class and Description |
---|---|
class |
KNNOutlier<O>
Outlier Detection based on the distance of an object to its k nearest
neighbor.
|
Modifier and Type | Class and Description |
---|---|
class |
LOF<O>
Algorithm to compute density-based local outlier factors in a database based
on a specified parameter
-lof.k . |
class |
LoOP<O>
LoOP: Local Outlier Probabilities
Distance/density based algorithm similar to LOF to detect outliers, but with
statistical methods to achieve better result stability.
|
Modifier and Type | Class and Description |
---|---|
class |
ByLabelOutlier
Trivial algorithm that marks outliers by their label.
|
class |
TrivialAllOutlier
Trivial method that claims all objects to be outliers.
|
class |
TrivialAverageCoordinateOutlier
Trivial method that takes the average of all dimensions (for one-dimensional
data that is just the actual value!)
|
class |
TrivialNoOutlier
Trivial method that claims to find no outliers.
|
Modifier and Type | Class and Description |
---|---|
class |
BarnesHutTSNE<O>
tSNE using Barnes-Hut-Approximation.
|
Modifier and Type | Class and Description |
---|---|
class |
SigniTrendChangeDetection
Signi-Trend detection algorithm applies to a single time-series.
|
Modifier and Type | Class and Description |
---|---|
class |
FileBasedDatabaseConnection
File based database connection based on the parser to be set.
|
Modifier and Type | Class and Description |
---|---|
class |
AttributeWiseMinMaxNormalization<V extends NumberVector>
Class to perform and undo a normalization on real vectors with respect to
a given minimum and maximum in each dimension.
|
class |
AttributeWiseVarianceNormalization<V extends NumberVector>
Class to perform and undo a normalization on real vectors with respect to
given mean and standard deviation in each dimension.
|
Modifier and Type | Class and Description |
---|---|
class |
FastMultidimensionalScalingTransform<I,O extends NumberVector>
Rescale the data set using multidimensional scaling, MDS.
|
class |
GlobalPrincipalComponentAnalysisTransform<O extends NumberVector>
Apply Principal Component Analysis (PCA) to the data set.
|
Modifier and Type | Class and Description |
---|---|
class |
ArcCosineDistanceFunction
Arcus cosine distance function for feature vectors.
|
class |
CanberraDistanceFunction
Canberra distance function, a variation of Manhattan distance.
|
class |
ClarkDistanceFunction
Clark distance function for vector spaces.
|
class |
CosineDistanceFunction
Cosine distance function for feature vectors.
|
class |
RandomStableDistanceFunction
This is a dummy distance providing random values (obviously not metrical),
useful mostly for unit tests and baseline evaluations: obviously this
distance provides no benefit whatsoever.
|
Modifier and Type | Class and Description |
---|---|
class |
EuclideanDistanceFunction
Euclidean distance for
NumberVector s. |
class |
LPNormDistanceFunction
Lp-Norm (Minkowski norms) are a family of distances for
NumberVector s. |
Modifier and Type | Class and Description |
---|---|
class |
ChiDistanceFunction
χ distance function, symmetric version.
|
class |
ChiSquaredDistanceFunction
χ² distance function, symmetric version.
|
Modifier and Type | Class and Description |
---|---|
class |
LinearKernelFunction
Linear Kernel function that computes a similarity between the two feature
vectors x and y defined by \(x^T\cdot y\).
|
class |
RadialBasisFunctionKernelFunction
Gaussian radial basis function kernel (RBF Kernel).
|
Modifier and Type | Class and Description |
---|---|
class |
SimplifiedCoverTree<O>
Simplified cover tree data structure (in-memory).
|
Modifier and Type | Class and Description |
---|---|
class |
MLBDistSplit<E extends MTreeEntry,N extends AbstractMTreeNode<?,N,E>>
Encapsulates the required methods for a split of a node in an M-Tree.
|
class |
MSTSplit<E extends MTreeEntry,N extends AbstractMTreeNode<?,N,E>>
Splitting algorithm using the minimum spanning tree (MST), as proposed by the
Slim-Tree variant.
|
Modifier and Type | Class and Description |
---|---|
class |
HSMDependenceMeasure
Compute the "interestingness" of dimension connections using the hough
transformation.
|
class |
SURFINGDependenceMeasure
Compute the similarity of dimensions using the SURFING score.
|
Modifier and Type | Class and Description |
---|---|
class |
AutomaticVisualization
Handler to process and visualize a Result.
|
class |
ResultWriter
Result handler that feeds the data into a TextWriter.
|
Copyright © 2019 ELKI Development Team. License information.