Uses of Class
elki.utilities.Priority
-
Packages that use Priority Package Description elki.algorithm Miscellaneous algorithms.elki.classification Classification algorithms.elki.clustering Clustering algorithms.elki.clustering.dbscan DBSCAN and its generalizations.elki.clustering.em Expectation-Maximization clustering algorithm for Gaussian Mixture Modeling (GMM).elki.clustering.hierarchical Hierarchical agglomerative clustering (HAC).elki.clustering.hierarchical.extraction Extraction of partitional clusterings from hierarchical results.elki.clustering.hierarchical.linkage Linkages for hierarchical clustering.elki.clustering.kmeans K-means clustering and variations.elki.clustering.kmeans.initialization Initialization strategies for k-means.elki.clustering.kmeans.spherical Spherical k-means clustering and variations.elki.clustering.kmedoids K-medoids clustering (PAM).elki.clustering.kmedoids.initialization elki.clustering.optics OPTICS family of clustering algorithms.elki.clustering.silhouette Silhouette clustering algorithms.elki.clustering.subspace Axis-parallel subspace clustering algorithms.elki.clustering.trivial Trivial clustering algorithms: all in one, no clusters, label clusterings.elki.database.ids.integer Integer-based DBID implementation -- do not use directly - always useDBIDUtil.elki.database.query Database queries - computing distances, neighbors, similarities - API and general documentation.elki.datasource Data normalization (and reconstitution) of data sets.elki.datasource.filter.normalization.columnwise Normalizations operating on columns / variates; where each column is treated independently.elki.datasource.filter.transform Data space transformations.elki.distance Distance functions for use within ELKI.elki.distance.minkowski Minkowski space Lp norms such as the popular Euclidean and Manhattan distances.elki.distance.probabilistic Distance from probability theory, mostly divergences such as K-L-divergence, J-divergence, F-divergence, χ²-divergence, etc.elki.index.tree.betula.distance Distance functions for BETULA and BIRCH.elki.index.tree.betula.features Different variants of Betula and BIRCH cluster features.elki.index.tree.metrical.covertree Cover-tree variations.elki.index.tree.metrical.mtreevariants.strategies.split Splitting strategies of nodes in an M-tree (and variants).elki.index.tree.spatial.kd K-d-tree and variants.elki.itemsetmining Algorithms for frequent itemset mining such as APRIORI.elki.math.statistics.dependence Statistical measures of dependence, such as correlation.elki.outlier.distance Distance-based outlier detection algorithms, such as DBOutlier and kNN.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.trivial Trivial outlier detection algorithms: no outliers, all outliers, label outliers.elki.projection Data projections (see also preprocessing filters for basic projections).elki.result Result types, representation and handling.elki.similarity.kernel Kernel functions.elki.timeseries Algorithms for change point detection in time series. -
-
Uses of Priority in elki.algorithm
Classes in elki.algorithm with annotations of type Priority Modifier and Type Class Description classDependencyDerivator<V extends NumberVector>Dependency derivator computes quantitatively linear dependencies among attributes of a given dataset based on a linear correlation PCA.classKNNJoinJoins in a given spatial database to each object its k-nearest neighbors. -
Uses of Priority in elki.classification
Classes in elki.classification with annotations of type Priority Modifier and Type Class Description classKNNClassifier<O>KNNClassifier classifies instances based on the class distribution among the k nearest neighbors in a database. -
Uses of Priority in elki.clustering
Classes in elki.clustering with annotations of type Priority Modifier and Type Class Description classBetulaLeafPreClusteringBETULA-based clustering algorithm that simply treats the leafs of the CFTree as clusters. -
Uses of Priority in elki.clustering.dbscan
Classes in elki.clustering.dbscan with annotations of type Priority Modifier and Type Class Description classDBSCAN<O>Density-Based Clustering of Applications with Noise (DBSCAN), an algorithm to find density-connected sets in a database.classLSDBC<O extends NumberVector>Locally Scaled Density Based Clustering. -
Uses of Priority in elki.clustering.em
Classes in elki.clustering.em with annotations of type Priority Modifier and Type Class Description classBetulaGMMWeightedClustering by expectation maximization (EM-Algorithm), also known as Gaussian Mixture Modeling (GMM), with optional MAP regularization.classEM<O,M extends MeanModel>Clustering by expectation maximization (EM-Algorithm), also known as Gaussian Mixture Modeling (GMM), with optional MAP regularization. -
Uses of Priority in elki.clustering.hierarchical
Classes in elki.clustering.hierarchical with annotations of type Priority Modifier and Type Class Description classAnderberg<O>This is a modification of the classic AGNES algorithm for hierarchical clustering using a nearest-neighbor heuristic for acceleration.classMiniMaxAnderberg<O>This is a modification of the classic MiniMax algorithm for hierarchical clustering using a nearest-neighbor heuristic for acceleration.classSLINK<O>Implementation of the efficient Single-Link Algorithm SLINK of R. -
Uses of Priority in elki.clustering.hierarchical.extraction
Classes in elki.clustering.hierarchical.extraction with annotations of type Priority Modifier and Type Class Description classClustersWithNoiseExtractionExtraction of a given number of clusters with a minimum size, and noise.classSimplifiedHierarchyExtractionExtraction of simplified cluster hierarchies, as proposed in HDBSCAN. -
Uses of Priority in elki.clustering.hierarchical.linkage
Classes in elki.clustering.hierarchical.linkage with annotations of type Priority Modifier and Type Class Description classCompleteLinkageComplete-linkage ("maximum linkage") clustering method.classFlexibleBetaLinkageFlexible-beta linkage as proposed by Lance and Williams.classGroupAverageLinkageGroup-average linkage clustering method (UPGMA).classSingleLinkageSingle-linkage ("minimum") clustering method.classWardLinkageWard's method clustering method.classWeightedAverageLinkageWeighted average linkage clustering method (WPGMA). -
Uses of Priority in elki.clustering.kmeans
Classes in elki.clustering.kmeans with annotations of type Priority Modifier and Type Class Description classExponionKMeans<V extends NumberVector>Newlings's Exponion k-means algorithm, exploiting the triangle inequality.classShallotKMeans<V extends NumberVector>Borgelt's Shallot k-means algorithm, exploiting the triangle inequality. -
Uses of Priority in elki.clustering.kmeans.initialization
Classes in elki.clustering.kmeans.initialization with annotations of type Priority Modifier and Type Class Description classRandomNormalGeneratedInitialize k-means by generating random vectors (normal distributed with \(N(\mu,\sigma)\) in each dimension).classRandomUniformGeneratedInitialize k-means by generating random vectors (uniform, within the value range of the data set). -
Uses of Priority in elki.clustering.kmeans.spherical
Classes in elki.clustering.kmeans.spherical with annotations of type Priority Modifier and Type Class Description classEuclideanSphericalElkanKMeans<V extends NumberVector>Elkan's fast k-means by exploiting the triangle inequality in the corresponding Euclidean space.classEuclideanSphericalHamerlyKMeans<V extends NumberVector>A spherical k-Means algorithm based on Hamerly's fast k-means by exploiting the triangle inequality in the corresponding Euclidean space.classEuclideanSphericalSimplifiedElkanKMeans<V extends NumberVector>A spherical k-Means algorithm based on Hamerly's fast k-means by exploiting the triangle inequality in the corresponding Euclidean space. -
Uses of Priority in elki.clustering.kmedoids
Classes in elki.clustering.kmedoids with annotations of type Priority Modifier and Type Class Description classAlternatingKMedoids<O>A k-medoids clustering algorithm, implemented as EM-style batch algorithm; known in literature as the "alternate" method.classEagerPAM<O>Variation of PAM that eagerly performs all swaps that yield an improvement during an iteration.classFastCLARANS<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.classFastPAM<O>FastPAM: An improved version of PAM, that is usually O(k) times faster.classFastPAM1<O>FastPAM1: A version of PAM that is O(k) times faster, i.e., now in O((n-k)²).classPAM<O>The original Partitioning Around Medoids (PAM) algorithm or k-medoids clustering, as proposed by Kaufman and Rousseeuw; a largely equivalent method was also proposed by Whitaker in the operations research domain, and is well known by the name "fast interchange" there.classSingleAssignmentKMedoids<O>K-medoids clustering by using the initialization only, then assigning each object to the nearest neighbor. -
Uses of Priority in elki.clustering.kmedoids.initialization
Classes in elki.clustering.kmedoids.initialization with annotations of type Priority Modifier and Type Class Description classParkJun<O>Initialization method proposed by Park and Jun. -
Uses of Priority in elki.clustering.optics
Classes in elki.clustering.optics with annotations of type Priority Modifier and Type Class Description classOPTICSXiExtract clusters from OPTICS plots using the original ξ (Xi) extraction, which defines steep areas if the reachability drops below 1-ξ, respectively increases to 1+ξ, of the current value, then constructs valleys that begin with a steep down, and end with a matching steep up area. -
Uses of Priority in elki.clustering.silhouette
Classes in elki.clustering.silhouette with annotations of type Priority Modifier and Type Class Description classFasterMSC<O>Fast and Eager Medoid Silhouette Clustering. -
Uses of Priority in elki.clustering.subspace
Classes in elki.clustering.subspace with annotations of type Priority Modifier and Type Class Description classP3CP3C: A Robust Projected Clustering Algorithm. -
Uses of Priority in elki.clustering.trivial
Classes in elki.clustering.trivial with annotations of type Priority Modifier and Type Class Description classByLabelClusteringPseudo clustering using labels.classByLabelHierarchicalClusteringPseudo clustering using labels.classByLabelOrAllInOneClusteringTrivial class that will try to cluster by label, and fall back to an "all-in-one" clustering.classByModelClusteringPseudo clustering using annotated models.classTrivialAllInOneTrivial pseudo-clustering that just considers all points to be one big cluster.classTrivialAllNoiseTrivial pseudo-clustering that just considers all points to be noise. -
Uses of Priority in elki.database.ids.integer
Classes in elki.database.ids.integer with annotations of type Priority Modifier and Type Class Description classTrivialDBIDFactoryTrivial DBID management, that never reuses IDs and just gives them out in sequence. -
Uses of Priority in elki.database.query
Classes in elki.database.query with annotations of type Priority Modifier and Type Class Description classDisableQueryOptimizerDummy implementation to disable automatic optimization. -
Uses of Priority in elki.datasource
Classes in elki.datasource with annotations of type Priority Modifier and Type Class Description classFileBasedDatabaseConnectionFile based database connection based on the parser to be set. -
Uses of Priority in elki.datasource.filter.normalization.columnwise
Classes in elki.datasource.filter.normalization.columnwise with annotations of type Priority Modifier and Type Class Description classAttributeWiseMinMaxNormalization<V extends NumberVector>Class to perform and undo a normalization on real vectors with respect to a given minimum and maximum in each dimension.classAttributeWiseVarianceNormalization<V extends NumberVector>Class to perform and undo a normalization on real vectors with respect to given mean and standard deviation in each dimension. -
Uses of Priority in elki.datasource.filter.transform
Classes in elki.datasource.filter.transform with annotations of type Priority Modifier and Type Class Description classFastMultidimensionalScalingTransform<I,O extends NumberVector>Rescale the data set using multidimensional scaling, MDS.classGlobalPrincipalComponentAnalysisTransform<O extends NumberVector>Apply Principal Component Analysis (PCA) to the data set. -
Uses of Priority in elki.distance
Classes in elki.distance with annotations of type Priority Modifier and Type Class Description classArcCosineDistanceArcus cosine distance function for feature vectors.classCanberraDistanceCanberra distance function, a variation of Manhattan distance.classClarkDistanceClark distance function for vector spaces.classCosineDistanceCosine distance function for feature vectors.classRandomStableDistanceThis 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. -
Uses of Priority in elki.distance.minkowski
Classes in elki.distance.minkowski with annotations of type Priority Modifier and Type Class Description classEuclideanDistanceEuclidean distance forNumberVectors.classLPNormDistanceLp-Norm (Minkowski norms) are a family of distances forNumberVectors. -
Uses of Priority in elki.distance.probabilistic
Classes in elki.distance.probabilistic with annotations of type Priority Modifier and Type Class Description classChiDistanceχ distance function, symmetric version.classChiSquaredDistanceχ² distance function, symmetric version. -
Uses of Priority in elki.index.tree.betula.distance
Classes in elki.index.tree.betula.distance with annotations of type Priority Modifier and Type Class Description classBIRCHAverageInterclusterDistanceAverage intercluster distance.classBIRCHAverageIntraclusterDistanceAverage intracluster distance.classBIRCHRadiusDistanceAverage Radius (R) criterion.classBIRCHVarianceIncreaseDistanceVariance increase distance. -
Uses of Priority in elki.index.tree.betula.features
Classes in elki.index.tree.betula.features with annotations of type Priority Modifier and Type Class Description static classBIRCHCF.FactoryFactory for making cluster features. -
Uses of Priority in elki.index.tree.metrical.covertree
Classes in elki.index.tree.metrical.covertree with annotations of type Priority Modifier and Type Class Description classCoverTree<O>Cover tree data structure (in-memory). -
Uses of Priority in elki.index.tree.metrical.mtreevariants.strategies.split
Classes in elki.index.tree.metrical.mtreevariants.strategies.split with annotations of type Priority Modifier and Type Class Description classMLBDistSplit<E extends MTreeEntry,N extends AbstractMTreeNode<?,N,E>>Encapsulates the required methods for a split of a node in an M-Tree.classMSTSplit<E extends MTreeEntry,N extends AbstractMTreeNode<?,N,E>>Splitting algorithm using the minimum spanning tree (MST), as proposed by the Slim-Tree variant. -
Uses of Priority in elki.index.tree.spatial.kd
Classes in elki.index.tree.spatial.kd with annotations of type Priority Modifier and Type Class Description classMinimalisticMemoryKDTree<O extends NumberVector>Simple implementation of a static in-memory K-D-tree.classSmallMemoryKDTree<O extends NumberVector>Simple implementation of a static in-memory K-D-tree. -
Uses of Priority in elki.itemsetmining
Classes in elki.itemsetmining with annotations of type Priority Modifier and Type Class Description classFPGrowthFP-Growth is an algorithm for mining the frequent itemsets by using a compressed representation of the database calledFPGrowth.FPTree. -
Uses of Priority in elki.math.statistics.dependence
Classes in elki.math.statistics.dependence with annotations of type Priority Modifier and Type Class Description classDCorDistance correlation.classHoughSpaceMeasureHSM: Compute the "interestingness" of dimension connections using the Hough transformation.classPearsonCorrelationDependencePearson product-moment correlation coefficient.classSURFINGDependenceCompute the similarity of dimensions using the SURFING score. -
Uses of Priority in elki.outlier.distance
Classes in elki.outlier.distance with annotations of type Priority Modifier and Type Class Description classKNNOutlier<O>Outlier Detection based on the distance of an object to its k nearest neighbor. -
Uses of Priority in elki.outlier.lof
Classes in elki.outlier.lof with annotations of type Priority Modifier and Type Class Description classLOF<O>Algorithm to compute density-based local outlier factors in a database based on a specified parameter-lof.k.classLoOP<O>LoOP: Local Outlier Probabilities -
Uses of Priority in elki.outlier.trivial
Classes in elki.outlier.trivial with annotations of type Priority Modifier and Type Class Description classByLabelOutlierTrivial algorithm that marks outliers by their label.classTrivialAllOutlierTrivial method that claims all objects to be outliers.classTrivialAverageCoordinateOutlierTrivial method that takes the average of all dimensions (for one-dimensional data that is just the actual value!)classTrivialNoOutlierTrivial method that claims to find no outliers. -
Uses of Priority in elki.projection
Classes in elki.projection with annotations of type Priority Modifier and Type Class Description classBarnesHutTSNE<O>t-SNE using Barnes-Hut-Approximation. -
Uses of Priority in elki.result
Classes in elki.result with annotations of type Priority Modifier and Type Class Description classAutomaticVisualizationHandler to process and visualize a Result.classResultWriterResult handler that feeds the data into a TextWriter. -
Uses of Priority in elki.similarity.kernel
Classes in elki.similarity.kernel with annotations of type Priority Modifier and Type Class Description classLinearKernelLinear Kernel function that computes a similarity between the two feature vectors x and y defined by \(x^T\cdot y\).classRadialBasisFunctionKernelGaussian radial basis function kernel (RBF Kernel). -
Uses of Priority in elki.timeseries
Classes in elki.timeseries with annotations of type Priority Modifier and Type Class Description classSigniTrendChangeDetectionSigni-Trend detection algorithm applies to a single time-series.
-