Uses of Class
elki.utilities.documentation.Title
-
Packages that use Title Package Description elki.algorithm Miscellaneous algorithms.elki.algorithm.statistics Statistical analysis algorithms.elki.classification Classification algorithms.elki.clustering Clustering algorithms.elki.clustering.affinitypropagation Affinity Propagation (AP) clustering.elki.clustering.correlation Correlation 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.kcenter K-center clustering.elki.clustering.kmeans K-means clustering and variations.elki.clustering.kmeans.initialization Initialization strategies for k-means.elki.clustering.kmeans.quality Quality measures for k-Means results.elki.clustering.kmedoids K-medoids clustering (PAM).elki.clustering.kmedoids.initialization elki.clustering.optics OPTICS family of clustering algorithms.elki.clustering.subspace Axis-parallel subspace clustering algorithms.elki.clustering.trivial Trivial clustering algorithms: all in one, no clusters, label clusterings.elki.clustering.uncertain Clustering algorithms for uncertain data.elki.datasource Data normalization (and reconstitution) of data sets.elki.datasource.filter.transform Data space transformations.elki.datasource.parser Parsers for different file formats and data types.elki.distance.timeseries Distance functions designed for time series.elki.index.preprocessed.knn Indexes providing KNN and rKNN data.elki.index.preprocessed.snn Indexes providing nearest neighbor sets.elki.index.projected Projected indexes for data.elki.index.tree.metrical.mtreevariants.mtree elki.index.tree.spatial.rstarvariants.rstar elki.index.vafile Vector Approximation File.elki.itemsetmining Algorithms for frequent itemset mining such as APRIORI.elki.math.linearalgebra The linear algebra package provides classes and computational methods for operations on matrices and vectors.elki.math.linearalgebra.pca Principal Component Analysis (PCA) and eigenvector processing.elki.math.linearalgebra.pca.filter Filter eigenvectors based on their eigenvalues.elki.outlier Outlier detection algorithms.elki.outlier.anglebased Angle-based outlier detection algorithms.elki.outlier.clustering Clustering based outlier detection.elki.outlier.density Density-based outlier detection algorithms.elki.outlier.distance Distance-based outlier detection algorithms, such as DBOutlier and kNN.elki.outlier.intrinsic Outlier detection algorithms based on intrinsic dimensionality.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.meta Meta outlier detection algorithms: external scores, score rescaling.elki.outlier.spatial Spatial outlier detection algorithms.elki.outlier.subspace Subspace outlier detection methods.elki.projection Data projections (see also preprocessing filters for basic projections).elki.timeseries Algorithms for change point detection in time series.elki.visualization.visualizers.scatterplot.outlier Visualizers for outlier scores based on 2D projections. -
Packages with annotations of type Title Package Description elki.clustering.em Expectation-Maximization clustering algorithm for Gaussian Mixture Modeling (GMM).elki.clustering.kmeans.initialization Initialization strategies for k-means.elki.clustering.kmeans K-means clustering and variations.elki.outlier.spatial.neighborhood Spatial outlier neighborhood classes.elki.clustering.dbscan.parallel Parallel versions of Generalized DBSCAN.elki.clustering.kmeans.parallel Parallelized implementations of k-means.elki.outlier.distance.parallel Parallel implementations of distance-based outlier detectors.elki.outlier.lof.parallel Parallelized variants of LOF.elki.clustering.kmeans.quality Quality measures for k-Means results.elki.clustering.kmeans.spherical Spherical k-means clustering and variations. -
-
Uses of Title in elki.algorithm
Classes in elki.algorithm with annotations of type Title 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.classKNNDistancesSampler<O>Provides an order of the kNN-distances for all objects within the database.classKNNJoinJoins in a given spatial database to each object its k-nearest neighbors.classNullAlgorithmNull algorithm, which does nothing. -
Uses of Title in elki.algorithm.statistics
Classes in elki.algorithm.statistics with annotations of type Title Modifier and Type Class Description classDistanceStatisticsWithClasses<O>Algorithm to gather statistics over the distance distribution in the data set.classEvaluateRankingQuality<V extends NumberVector>Evaluate a distance function with respect to kNN queries.classRankingQualityHistogram<O>Evaluate a distance function with respect to kNN queries. -
Uses of Title in elki.classification
Classes in elki.classification with annotations of type Title Modifier and Type Class Description classKNNClassifier<O>KNNClassifier classifies instances based on the class distribution among the k nearest neighbors in a database.classPriorProbabilityClassifierClassifier to classify instances based on the prior probability of classes in the database, without using the actual data values. -
Uses of Title in elki.clustering
Classes in elki.clustering with annotations of type Title Modifier and Type Class Description classSNNClustering<O>Shared nearest neighbor clustering. -
Uses of Title in elki.clustering.affinitypropagation
Classes in elki.clustering.affinitypropagation with annotations of type Title Modifier and Type Class Description classAffinityPropagation<O>Cluster analysis by affinity propagation. -
Uses of Title in elki.clustering.correlation
Classes in elki.clustering.correlation with annotations of type Title Modifier and Type Class Description classCASHThe CASH algorithm is a subspace clustering algorithm based on the Hough transform.classCOPACCOPAC is an algorithm to partition a database according to the correlation dimension of its objects and to then perform an arbitrary clustering algorithm over the partitions.classERiCPerforms correlation clustering on the data partitioned according to local correlation dimensionality and builds a hierarchy of correlation clusters that allows multiple inheritance from the clustering result.classFourC4C identifies local subgroups of data objects sharing a uniform correlation.classHiCOImplementation of the HiCO algorithm, an algorithm for detecting hierarchies of correlation clusters.classORCLUSORCLUS: Arbitrarily ORiented projected CLUSter generation. -
Uses of Title in elki.clustering.dbscan
Classes in elki.clustering.dbscan with annotations of type Title 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.classGriDBSCAN<V extends NumberVector>Using Grid for Accelerating Density-Based Clustering.classLSDBC<O extends NumberVector>Locally Scaled Density Based Clustering. -
Uses of Title in elki.clustering.em
Classes in elki.clustering.em with annotations of type Title Modifier and Type Class Description classEM<O,M extends MeanModel>Clustering by expectation maximization (EM-Algorithm), also known as Gaussian Mixture Modeling (GMM), with optional MAP regularization. -
Uses of Title in elki.clustering.hierarchical
Classes in elki.clustering.hierarchical with annotations of type Title Modifier and Type Class Description classHDBSCANLinearMemory<O>Linear memory implementation of HDBSCAN clustering.classSLINK<O>Implementation of the efficient Single-Link Algorithm SLINK of R. -
Uses of Title in elki.clustering.kcenter
Classes in elki.clustering.kcenter with annotations of type Title Modifier and Type Class Description classGreedyKCenter<O>Greedy algorithm for k-center algorithm also known as Gonzalez clustering, or farthest-first traversal. -
Uses of Title in elki.clustering.kmeans
Classes in elki.clustering.kmeans with annotations of type Title Modifier and Type Class Description classCompareMeans<V extends NumberVector>Compare-Means: Accelerated k-means by exploiting the triangle inequality and pairwise distances of means to prune candidate means.classGMeans<V extends NumberVector,M extends MeanModel>G-Means extends K-Means and estimates the number of centers with Anderson Darling Test.
Implemented as specialization of XMeans.classKDTreeFilteringKMeans<V extends NumberVector>Filtering or "blacklisting" K-means with k-d-tree acceleration.classKDTreePruningKMeans<V extends NumberVector>Pruning K-means with k-d-tree acceleration.classKMeansMinusMinus<V extends NumberVector>k-means--: A Unified Approach to Clustering and Outlier Detection.classLloydKMeans<V extends NumberVector>The standard k-means algorithm, using bulk iterations and commonly attributed to Lloyd and Forgy (independently).classMacQueenKMeans<V extends NumberVector>The original k-means algorithm, using MacQueen style incremental updates; making this effectively an "online" (streaming) algorithm.classSortMeans<V extends NumberVector>Sort-Means: Accelerated k-means by exploiting the triangle inequality and pairwise distances of means to prune candidate means (with sorting).classXMeans<V extends NumberVector,M extends MeanModel>X-means: Extending K-means with Efficient Estimation on the Number of Clusters. -
Uses of Title in elki.clustering.kmeans.initialization
Classes in elki.clustering.kmeans.initialization with annotations of type Title Modifier and Type Class Description classAFKMC2AFK-MC² initializationclassKMC2K-MC² initializationclassKMeansPlusPlus<O>K-Means++ initialization for k-means.classSphericalAFKMC2Spherical K-Means++ initialization with markov chains.classSphericalKMeansPlusPlus<O>Spherical K-Means++ initialization for k-means. -
Uses of Title in elki.clustering.kmeans.quality
Classes in elki.clustering.kmeans.quality with annotations of type Title Modifier and Type Class Description classBayesianInformationCriterionXMeansBayesian Information Criterion (BIC), also known as Schwarz criterion (SBC, SBIC) for the use with evaluating k-means results. -
Uses of Title in elki.clustering.kmedoids
Classes in elki.clustering.kmedoids with annotations of type Title Modifier and Type Class Description 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. -
Uses of Title in elki.clustering.kmedoids.initialization
Classes in elki.clustering.kmedoids.initialization with annotations of type Title Modifier and Type Class Description classKMedoidsKMedoidsInitialization<O>Initialize k-medoids with k-medoids, for methods such as PAMSIL.
This could also be used to initialize, e.g., PAM with CLARA. -
Uses of Title in elki.clustering.optics
Classes in elki.clustering.optics with annotations of type Title Modifier and Type Class Description classDeLiClu<V extends NumberVector>DeliClu: Density-Based Hierarchical ClusteringclassOPTICSHeap<O>The OPTICS algorithm for density-based hierarchical clustering.classOPTICSList<O>The OPTICS algorithm for density-based hierarchical clustering.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 Title in elki.clustering.subspace
Classes in elki.clustering.subspace with annotations of type Title Modifier and Type Class Description classCLIQUEImplementation of the CLIQUE algorithm, a grid-based algorithm to identify dense clusters in subspaces of maximum dimensionality.classDiSHAlgorithm for detecting subspace hierarchies.classDOCDOC is a sampling based subspace clustering algorithm.classFastDOCThe heuristic variant of the DOC algorithm, FastDOCclassHiSCImplementation of the HiSC algorithm, an algorithm for detecting hierarchies of subspace clusters.classP3CP3C: A Robust Projected Clustering Algorithm.classPreDeConPreDeCon computes clusters of subspace preference weighted connected points.classPROCLUSThe PROCLUS algorithm, an algorithm to find subspace clusters in high dimensional spaces.classSUBCLU<V extends NumberVector>Implementation of the SUBCLU algorithm, an algorithm to detect arbitrarily shaped and positioned clusters in subspaces. -
Uses of Title in elki.clustering.trivial
Classes in elki.clustering.trivial with annotations of type Title Modifier and Type Class Description classByLabelClusteringPseudo clustering using labels.classByLabelHierarchicalClusteringPseudo clustering using labels.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 Title in elki.clustering.uncertain
Classes in elki.clustering.uncertain with annotations of type Title Modifier and Type Class Description classCKMeansRun k-means on the centers of each uncertain object.classFDBSCANFDBSCAN is an adaption of DBSCAN for fuzzy (uncertain) objects.classUKMeansUncertain K-Means clustering, using the average deviation from the center. -
Uses of Title in elki.datasource
Classes in elki.datasource with annotations of type Title Modifier and Type Class Description classEmptyDatabaseConnectionPseudo database that is empty.classInputStreamDatabaseConnectionDatabase connection expecting input from an input stream such as stdin. -
Uses of Title in elki.datasource.filter.transform
Classes in elki.datasource.filter.transform with annotations of type Title Modifier and Type Class Description classPerturbationFilter<V extends NumberVector>A filter to perturb the values by adding micro-noise. -
Uses of Title in elki.datasource.parser
Classes in elki.datasource.parser with annotations of type Title Modifier and Type Class Description classArffParserParser to load WEKA .arff files into ELKI.classBitVectorLabelParserParser for parsing one BitVector per line, bits separated by whitespace.classLibSVMFormatParser<V extends SparseNumberVector>Parser to read libSVM format files.classSparseNumberVectorLabelParser<V extends SparseNumberVector>Parser for parsing one point per line, attributes separated by whitespace.classStringParserParser that loads a text file for use with string similarity measures. -
Uses of Title in elki.distance.timeseries
Classes in elki.distance.timeseries with annotations of type Title Modifier and Type Class Description classDerivativeDTWDistanceDerivative Dynamic Time Warping distance for numerical vectors.classDTWDistanceDynamic Time Warping distance (DTW) for numerical vectors.classEDRDistanceEdit Distance on Real Sequence distance for numerical vectors.classERPDistanceEdit Distance With Real Penalty distance for numerical vectors.classLCSSDistanceLongest Common Subsequence distance for numerical vectors. -
Uses of Title in elki.index.preprocessed.knn
Classes in elki.index.preprocessed.knn with annotations of type Title Modifier and Type Class Description classMaterializeKNNAndRKNNPreprocessor<O>A preprocessor for annotation of the k nearest neighbors and the reverse k nearest neighbors (and their distances) to each database object.classMaterializeKNNPreprocessor<O>A preprocessor for annotation of the k nearest neighbors (and their distances) to each database object.classMetricalIndexApproximationMaterializeKNNPreprocessor<O extends NumberVector,N extends Node<E>,E extends MTreeEntry>A preprocessor for annotation of the k nearest neighbors (and their distances) to each database object.classPartitionApproximationMaterializeKNNPreprocessor<O>A preprocessor for annotation of the k nearest neighbors (and their distances) to each database object.classSpatialApproximationMaterializeKNNPreprocessor<O extends NumberVector>A preprocessor for annotation of the k nearest neighbors (and their distances) to each database object. -
Uses of Title in elki.index.preprocessed.snn
Classes in elki.index.preprocessed.snn with annotations of type Title Modifier and Type Class Description classSharedNearestNeighborPreprocessor<O>A preprocessor for annotation of the ids of nearest neighbors to each database object. -
Uses of Title in elki.index.projected
Classes in elki.index.projected with annotations of type Title Modifier and Type Class Description classPINN<O extends NumberVector>Projection-Indexed nearest-neighbors (PINN) is an index to retrieve the nearest neighbors in high dimensional spaces by using a random projection based index. -
Uses of Title in elki.index.tree.metrical.mtreevariants.mtree
Classes in elki.index.tree.metrical.mtreevariants.mtree with annotations of type Title Modifier and Type Class Description classMTree<O>MTree is a metrical index structure based on the concepts of the M-Tree. -
Uses of Title in elki.index.tree.spatial.rstarvariants.rstar
Classes in elki.index.tree.spatial.rstarvariants.rstar with annotations of type Title Modifier and Type Class Description classRStarTreeRStarTree is a spatial index structure based on the concepts of the R*-Tree. -
Uses of Title in elki.index.vafile
Classes in elki.index.vafile with annotations of type Title Modifier and Type Class Description classVAFile<V extends NumberVector>Vector-approximation file (VAFile) -
Uses of Title in elki.itemsetmining
Classes in elki.itemsetmining with annotations of type Title Modifier and Type Class Description classAPRIORIThe APRIORI algorithm for Mining Association Rules. -
Uses of Title in elki.math.linearalgebra
Classes in elki.math.linearalgebra with annotations of type Title Modifier and Type Class Description classVMathClass providing basic vector mathematics, for low-level vectors stored asdouble[]. -
Uses of Title in elki.math.linearalgebra.pca
Classes in elki.math.linearalgebra.pca with annotations of type Title Modifier and Type Class Description classWeightedCovarianceMatrixBuilderCovarianceMatrixBuilderwith weights. -
Uses of Title in elki.math.linearalgebra.pca.filter
Classes in elki.math.linearalgebra.pca.filter with annotations of type Title Modifier and Type Class Description classDropEigenPairFilterThe "drop" filter looks for the largest drop in normalized relative eigenvalues.classFirstNEigenPairFilterThe FirstNEigenPairFilter marks the n highest eigenpairs as strong eigenpairs, where n is a user specified number.classLimitEigenPairFilterThe LimitEigenPairFilter marks all eigenpairs having an (absolute) eigenvalue below the specified threshold (relative or absolute) as weak eigenpairs, the others are marked as strong eigenpairs.classPercentageEigenPairFilterThe PercentageEigenPairFilter sorts the eigenpairs in descending order of their eigenvalues and marks the first eigenpairs, whose sum of eigenvalues is higher than the given percentage of the sum of all eigenvalues as strong eigenpairs.classProgressiveEigenPairFilterThe ProgressiveEigenPairFilter sorts the eigenpairs in descending order of their eigenvalues and marks the first eigenpairs, whose sum of eigenvalues is higher than the given percentage of the sum of all eigenvalues as strong eigenpairs.classRelativeEigenPairFilterThe RelativeEigenPairFilter sorts the eigenpairs in descending order of their eigenvalues and marks the first eigenpairs who are a certain factor above the average of the remaining eigenvalues.classSignificantEigenPairFilterThe SignificantEigenPairFilter sorts the eigenpairs in descending order of their eigenvalues and chooses the contrast of an Eigenvalue to the remaining Eigenvalues is maximal.classWeakEigenPairFilterThe WeakEigenPairFilter sorts the eigenpairs in descending order of their eigenvalues and returns the first eigenpairs who are above the average mark as "strong", the others as "weak". -
Uses of Title in elki.outlier
Classes in elki.outlier with annotations of type Title Modifier and Type Class Description classCOP<V extends NumberVector>Correlation outlier probability: Outlier Detection in Arbitrarily Oriented SubspacesclassDWOF<O>Algorithm to compute dynamic-window outlier factors in a database based on a specified parameter k, which specifies the number of the neighbors to be considered during the calculation of the DWOF score.classGaussianModelOutlier detection based on the probability density of the single normal distribution.classGaussianUniformMixtureOutlier detection algorithm using a mixture model approach.classOPTICSOF<O>OPTICS-OF outlier detection algorithm, an algorithm to find Local Outliers in a database based on ideas fromOPTICSTypeAlgorithmclustering.classSimpleCOP<V extends NumberVector>Algorithm to compute local correlation outlier probability. -
Uses of Title in elki.outlier.anglebased
Classes in elki.outlier.anglebased with annotations of type Title Modifier and Type Class Description classABOD<V extends NumberVector>Angle-Based Outlier Detection / Angle-Based Outlier Factor.classFastABOD<V extends NumberVector>Fast-ABOD (approximateABOF) version of Angle-Based Outlier Detection / Angle-Based Outlier Factor.classLBABOD<V extends NumberVector>LB-ABOD (lower-bound) version of Angle-Based Outlier Detection / Angle-Based Outlier Factor. -
Uses of Title in elki.outlier.clustering
Classes in elki.outlier.clustering with annotations of type Title Modifier and Type Class Description classCBLOF<O extends NumberVector>Cluster-based local outlier factor (CBLOF).classDBSCANOutlierDetectionOutlier detection algorithm using DBSCAN Clustering.classEMOutlier<V extends NumberVector>Outlier detection algorithm using EM Clustering.classGLOSHGlobal-Local Outlier Scores from Hierarchies.classKMeansMinusMinusOutlierDetectionk-means--: A Unified Approach to Clustering and Outlier Detection. -
Uses of Title in elki.outlier.density
Classes in elki.outlier.density with annotations of type Title Modifier and Type Class Description classHySortODHypercube-Based Outlier Detection. -
Uses of Title in elki.outlier.distance
Classes in elki.outlier.distance with annotations of type Title Modifier and Type Class Description classDBOutlierDetection<O>Simple distanced based outlier detection algorithm.classDBOutlierScore<O>Compute percentage of neighbors in the given neighborhood with size d.classHilOut<O extends NumberVector>Fast Outlier Detection in High Dimensional SpacesclassKNNDD<O>Nearest Neighbor Data Description.classKNNOutlier<O>Outlier Detection based on the distance of an object to its k nearest neighbor.classKNNSOS<O>kNN-based adaption of Stochastic Outlier Selection.classKNNWeightOutlier<O>Outlier Detection based on the accumulated distances of a point to its k nearest neighbors.classODIN<O>Outlier detection based on the in-degree of the kNN graph.classReferenceBasedOutlierDetectionReference-Based Outlier Detection algorithm, an algorithm that computes kNN distances approximately, using reference points.classSOS<O>Stochastic Outlier Selection. -
Uses of Title in elki.outlier.intrinsic
Classes in elki.outlier.intrinsic with annotations of type Title Modifier and Type Class Description classIDOS<O>Intrinsic Dimensional Outlier Detection in High-Dimensional Data.classISOS<O>Intrinsic Stochastic Outlier Selection.classLID<O>Use intrinsic dimensionality for outlier detection. -
Uses of Title in elki.outlier.lof
Classes in elki.outlier.lof with annotations of type Title Modifier and Type Class Description classALOCI<V extends NumberVector>Fast Outlier Detection Using the "approximate Local Correlation Integral".classCOF<O>Connectivity-based Outlier Factor (COF).classFlexibleLOF<O>Flexible variant of the "Local Outlier Factor" algorithm.classINFLO<O>Influence Outliers using Symmetric Relationship (INFLO) using two-way search, is an outlier detection method based on LOF; but also using the reverse kNN.classKDEOS<O>Generalized Outlier Detection with Flexible Kernel Density Estimates.classLDF<O extends NumberVector>Outlier Detection with Kernel Density Functions.classLDOF<O>Computes the LDOF (Local Distance-Based Outlier Factor) for all objects of a Database.classLOCI<O>Fast Outlier Detection Using the "Local Correlation Integral".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 Title in elki.outlier.meta
Classes in elki.outlier.meta with annotations of type Title Modifier and Type Class Description classFeatureBaggingA simple ensemble method called "Feature bagging" for outlier detection.classHiCSAlgorithm to compute High Contrast Subspaces for Density-Based Outlier Ranking. -
Uses of Title in elki.outlier.spatial
Classes in elki.outlier.spatial with annotations of type Title Modifier and Type Class Description classCTLuGLSBackwardSearchAlgorithm<V extends NumberVector>GLS-Backward Search is a statistical approach to detecting spatial outliers.classCTLuMedianAlgorithm<N>Median Algorithm of C.classCTLuMoranScatterplotOutlier<N>Moran scatterplot outliers, based on the standardized deviation from the local and global means.classCTLuRandomWalkEC<O>Spatial outlier detection based on random walks.classCTLuScatterplotOutlier<N>Scatterplot-outlier is a spatial outlier detection method that performs a linear regression of object attributes and their neighbors average value.classCTLuZTestOutlier<N>Detect outliers by comparing their attribute value to the mean and standard deviation of their neighborhood.classSLOM<N,O>SLOM: a new measure for local spatial outliersclassSOF<N,O>The Spatial Outlier Factor (SOF) is a spatialLOFvariation.classTrimmedMeanApproach<N>A Trimmed Mean Approach to Finding Spatial Outliers. -
Uses of Title in elki.outlier.subspace
Classes in elki.outlier.subspace with annotations of type Title Modifier and Type Class Description classAggarwalYuEvolutionaryEvolutionary variant (EAFOD) of the high-dimensional outlier detection algorithm by Aggarwal and Yu.classAggarwalYuNaiveBruteForce variant of the high-dimensional outlier detection algorithm by Aggarwal and Yu.classOutRankS1OutRank: ranking outliers in high dimensional data.classSOD<V extends NumberVector>Subspace Outlier Degree: Outlier Detection in Axis-Parallel Subspaces of High Dimensional Data. -
Uses of Title in elki.projection
Classes in elki.projection with annotations of type Title Modifier and Type Class Description classBarnesHutTSNE<O>t-SNE using Barnes-Hut-Approximation.classIntrinsicNearestNeighborAffinityMatrixBuilder<O>Build sparse affinity matrix using the nearest neighbors only, adjusting for intrinsic dimensionality.classTSNE<O>t-Stochastic Neighbor Embedding is a projection technique designed for visualization that tries to preserve the nearest neighbor structure. -
Uses of Title in elki.timeseries
Classes in elki.timeseries with annotations of type Title Modifier and Type Class Description classOfflineChangePointDetectionAlgorithmOff-line change point detection algorithm detecting a change in mean, based on the cumulative sum (CUSUM), same-variance assumption, and using bootstrap sampling for significance estimation.classSigniTrendChangeDetectionSigni-Trend detection algorithm applies to a single time-series. -
Uses of Title in elki.visualization.visualizers.scatterplot.outlier
Classes in elki.visualization.visualizers.scatterplot.outlier with annotations of type Title Modifier and Type Class Description classCOPVectorVisualizationVisualize error vectors as produced by COP.
-