Environment for
DeveLoping
KDD-Applications
Supported by Index-Structures

Uses of Interface
de.lmu.ifi.dbs.elki.data.NumberVector

Packages that use NumberVector
de.lmu.ifi.dbs.elki.algorithm Algorithms suitable as a task for the KDDTask main routine. 
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.correlation Correlation 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.subspace.clique Helper classes for the CLIQUE algorithm. 
de.lmu.ifi.dbs.elki.algorithm.outlier Outlier detection algorithms 
de.lmu.ifi.dbs.elki.algorithm.statistics Statistical analysis algorithms The algorithms in this package perform statistical analysis of the data (e.g. compute distributions, distance distributions etc.) 
de.lmu.ifi.dbs.elki.application.visualization Visualization applications in ELKI. 
de.lmu.ifi.dbs.elki.data Basic classes for different data types, database object types and label types. 
de.lmu.ifi.dbs.elki.data.model Cluster models classes for various algorithms. 
de.lmu.ifi.dbs.elki.database ELKI database layer - loading, storing, indexing and accessing data 
de.lmu.ifi.dbs.elki.distance.distancefunction Distance functions for use within ELKI. 
de.lmu.ifi.dbs.elki.distance.distancefunction.adapter Distance functions deriving distances from e.g. similarity measures 
de.lmu.ifi.dbs.elki.distance.distancefunction.colorhistogram Distance functions using correlations. 
de.lmu.ifi.dbs.elki.distance.distancefunction.correlation Distance functions using correlations. 
de.lmu.ifi.dbs.elki.distance.distancefunction.subspace Distance functions based on subspaces. 
de.lmu.ifi.dbs.elki.distance.distancefunction.timeseries Distance functions designed for time series. 
de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel Kernel functions. 
de.lmu.ifi.dbs.elki.index.tree.spatial Tree-based index structures for spatial indexing. 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants R*-Tree and variants. 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu DeLiCluTree 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rdknn RdKNNTree 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar RStarTree 
de.lmu.ifi.dbs.elki.math Mathematical operations and utilities used throughout the framework. 
de.lmu.ifi.dbs.elki.math.linearalgebra.pca Principal Component Analysis (PCA) and Eigenvector processing. 
de.lmu.ifi.dbs.elki.normalization Data normalization (and reconstitution) of data sets. 
de.lmu.ifi.dbs.elki.parser Parsers for different file formats and data types. 
de.lmu.ifi.dbs.elki.parser.meta MetaParsers for different file formats and data types. 
de.lmu.ifi.dbs.elki.preprocessing Preprocessors used for data preparation in a first step of various algorithms or distance and similarity measures. 
de.lmu.ifi.dbs.elki.utilities Utility and helper classes - commonly used data structures, output formatting, exceptions, ... 
de.lmu.ifi.dbs.elki.utilities.referencepoints Package containing strategies to obtain reference points Shared code for various algorithms that use reference points. 
de.lmu.ifi.dbs.elki.visualization Visualization package of ELKI. 
de.lmu.ifi.dbs.elki.visualization.gui.overview Classes for managing the overview plot. 
de.lmu.ifi.dbs.elki.visualization.scales Scales handling for plotting. 
de.lmu.ifi.dbs.elki.visualization.visualizers.adapter Adapters to map results to visualizers. 
de.lmu.ifi.dbs.elki.visualization.visualizers.vis1d Visualizers based on 1D projections. 
de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d Visualizers based on 2D projections. 
de.lmu.ifi.dbs.elki.visualization.visualizers.visunproj Visualizers that do not use a particular projection. 
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm
 

Classes in de.lmu.ifi.dbs.elki.algorithm with type parameters of type NumberVector
 class DependencyDerivator<V extends NumberVector<V,?>,D extends Distance<D>>
           Dependency derivator computes quantitatively linear dependencies among attributes of a given dataset based on a linear correlation PCA.
 class DummyAlgorithm<V extends NumberVector<V,?>>
          Dummy Algorithm, which just iterates over all points once, doing a 10NN query each.
 class KNNJoin<V extends NumberVector<V,?>,D extends Distance<D>,N extends SpatialNode<N,E>,E extends SpatialEntry>
          Joins in a given spatial database to each object its k-nearest neighbors.
 class NullAlgorithm<V extends NumberVector<V,?>>
          Null Algorithm, which does nothing.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.clustering
 

Classes in de.lmu.ifi.dbs.elki.algorithm.clustering with type parameters of type NumberVector
 class DeLiClu<O extends NumberVector<O,?>,D extends Distance<D>>
          DeLiClu provides the DeLiClu algorithm, a hierarchical algorithm to find density-connected sets in a database.
 class EM<V extends NumberVector<V,?>>
          Provides the EM algorithm (clustering by expectation maximization).
 class KMeans<D extends Distance<D>,V extends NumberVector<V,?>>
          Provides the k-means algorithm.
 class ProjectedDBSCAN<V extends NumberVector<V,?>>
          Provides an abstract algorithm requiring a VarianceAnalysisPreprocessor.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation
 

Classes in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation with type parameters of type NumberVector
 class COPAC<V extends NumberVector<V,?>>
          Provides the COPAC algorithm, 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.
 class ERiC<V extends NumberVector<V,?>>
          Performs 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.
 class FourC<O extends NumberVector<O,?>>
          4C identifies local subgroups of data objects sharing a uniform correlation.
 class HiCO<V extends NumberVector<V,?>>
          Implementation of the HiCO algorithm, an algorithm for detecting hierarchies of correlation clusters.
 class ORCLUS<V extends NumberVector<V,?>>
          ORCLUS provides the ORCLUS algorithm, an algorithm to find clusters in high dimensional spaces.
 

Fields in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation declared as NumberVector
(package private)  V ORCLUS.ORCLUSCluster.centroid
          The centroid of this cluster.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace
 

Classes in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace with type parameters of type NumberVector
 class CLIQUE<V extends NumberVector<V,?>>
          

Implementation of the CLIQUE algorithm, a grid-based algorithm to identify dense clusters in subspaces of maximum dimensionality.

 class DiSH<V extends NumberVector<V,?>>
           Algorithm for detecting subspace hierarchies.
 class HiSC<V extends NumberVector<V,?>>
          Implementation of the HiSC algorithm, an algorithm for detecting hierarchies of subspace clusters.
 class PreDeCon<V extends NumberVector<V,?>>
          

PreDeCon computes clusters of subspace preference weighted connected points.

 class PROCLUS<V extends NumberVector<V,?>>
          

Provides the PROCLUS algorithm, an algorithm to find subspace clusters in high dimensional spaces.

 class ProjectedClustering<V extends NumberVector<V,?>>
          Abstract superclass for projected clustering algorithms, like PROCLUS and ORCLUS.
 class SUBCLU<V extends NumberVector<V,?>,D extends Distance<D>>
           Implementation of the SUBCLU algorithm, an algorithm to detect arbitrarily shaped and positioned clusters in subspaces.
 

Fields in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace declared as NumberVector
(package private)  V PROCLUS.PROCLUSCluster.centroid
          The centroids of this cluster along each dimension.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.clique
 

Classes in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.clique with type parameters of type NumberVector
 class CLIQUESubspace<V extends NumberVector<V,?>>
          Represents a subspace of the original data space in the CLIQUE algorithm.
 class CLIQUEUnit<V extends NumberVector<V,?>>
          Represents a unit in the CLIQUE algorithm.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.outlier
 

Classes in de.lmu.ifi.dbs.elki.algorithm.outlier with type parameters of type NumberVector
 class ABOD<V extends NumberVector<V,?>>
          Angle-Based Outlier Detection Outlier detection using variance analysis on angles, especially for high dimensional data sets.
 class EMOutlier<V extends NumberVector<V,?>>
          outlier detection algorithm using EM Clustering.
 class GaussianModel<V extends NumberVector<V,Double>>
          Outlier have smallest GMOD_PROB: the outlier scores is the probability density of the assumed distribution.
 class GaussianUniformMixture<V extends NumberVector<V,Double>>
          Outlier detection algorithm using a mixture model approach.
 class ReferenceBasedOutlierDetection<V extends NumberVector<V,N>,N extends Number>
           provides the Reference-Based Outlier Detection algorithm, an algorithm that computes kNN distances approximately, using reference points.
 class SOD<V extends NumberVector<V,?>,D extends Distance<D>>
           
static class SOD.SODModel<O extends NumberVector<O,?>>
           
 

Fields in de.lmu.ifi.dbs.elki.algorithm.outlier declared as NumberVector
private  O SOD.SODModel.center
           
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.algorithm.statistics
 

Classes in de.lmu.ifi.dbs.elki.algorithm.statistics with type parameters of type NumberVector
 class EvaluateRankingQuality<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          Evaluate a distance function with respect to kNN queries.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.application.visualization
 

Classes in de.lmu.ifi.dbs.elki.application.visualization with type parameters of type NumberVector
 class KNNExplorer<O extends NumberVector<?,?>,D extends NumberDistance<D,N>,N extends Number>
          User application to explore the k Nearest Neighbors for a given data set and distance function.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.data
 

Classes in de.lmu.ifi.dbs.elki.data with type parameters of type NumberVector
 interface NumberVector<V extends NumberVector<V,N>,N extends Number>
          Interface NumberVector defines the methods that should be implemented by any Object that is element of a real vector space of type N.
 

Classes in de.lmu.ifi.dbs.elki.data that implement NumberVector
 class AbstractNumberVector<V extends AbstractNumberVector<V,N>,N extends Number>
          AbstractNumberVector is an abstract implementation of FeatureVector.
 class BitVector
          Provides a BitVector wrapping a BitSet.
 class DoubleVector
          A DoubleVector is to store real values approximately as double values.
 class FloatVector
          A FloatVector is to store real values approximately as float values.
 class ParameterizationFunction
          A parameterization function describes all lines in a d-dimensional feature space intersecting in one point p.
 class SparseFloatVector
           A SparseFloatVector is to store real values approximately as float values.
 

Methods in de.lmu.ifi.dbs.elki.data with type parameters of type NumberVector
static
<V extends NumberVector<?,?>>
DoubleMinMax
VectorUtil.getRangeDouble(V vec)
          Return the range across all dimensions.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.data.model
 

Classes in de.lmu.ifi.dbs.elki.data.model with type parameters of type NumberVector
 class CorrelationAnalysisSolution<V extends NumberVector<V,?>>
          A solution of correlation analysis is a matrix of equations describing the dependencies.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.database
 

Classes in de.lmu.ifi.dbs.elki.database with type parameters of type NumberVector
 class SpatialIndexDatabase<O extends NumberVector<O,?>,N extends SpatialNode<N,E>,E extends SpatialEntry>
          SpatialIndexDatabase is a database implementation which is supported by a spatial index structure.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction with type parameters of type NumberVector
 class AbstractLocallyWeightedDistanceFunction<O extends NumberVector<O,?>,P extends LocalPCAPreprocessor<O>>
          Abstract super class for locally weighted distance functions using a preprocessor to compute the local weight matrix.
 class ArcCosineDistanceFunction<V extends NumberVector<V,?>>
          Cosine distance function for feature vectors.
 class CosineDistanceFunction<V extends NumberVector<V,?>>
          Cosine distance function for feature vectors.
 class EuclideanDistanceFunction<V extends NumberVector<V,?>>
          Provides the Euclidean distance for FeatureVectors.
 class KernelBasedLocallyWeightedDistanceFunction<V extends NumberVector<V,?>,P extends LocalPCAPreprocessor<V>>
          Provides a kernel based locally weighted distance function.
 class LocallyWeightedDistanceFunction<V extends NumberVector<V,?>,P extends LocalPCAPreprocessor<V>>
          Provides a locally weighted distance function.
 interface LocalPCAPreprocessorBasedDistanceFunction<O extends NumberVector<O,?>,P extends LocalPCAPreprocessor<O>,D extends Distance<D>>
          Interface for local PCA based preprocessors.
 class LPNormDistanceFunction<V extends NumberVector<V,N>,N extends Number>
          Provides a LP-Norm for FeatureVectors.
 class ManhattanDistanceFunction<V extends NumberVector<V,?>>
          Manhattan distance function to compute the Manhattan distance for a pair of FeatureVectors.
 class MaximumDistanceFunction<V extends NumberVector<V,?>>
          Maximum distance function to compute the Maximum distance for a pair of FeatureVectors.
 class MinimumDistanceFunction<V extends NumberVector<V,?>>
          Maximum distance function to compute the Minimum distance for a pair of FeatureVectors.
 class WeightedDistanceFunction<V extends NumberVector<V,?>>
          Provides the Weighted distance for feature vectors.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction.adapter
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction.adapter with type parameters of type NumberVector
 class SimilarityAdapterAbstract<V extends NumberVector<V,?>>
          Adapter from a normalized similarity function to a distance function.
 class SimilarityAdapterArccos<V extends NumberVector<V,?>>
          Adapter from a normalized similarity function to a distance function using arccos(sim).
 class SimilarityAdapterLinear<V extends NumberVector<V,?>>
          Adapter from a normalized similarity function to a distance function using 1 - sim.
 class SimilarityAdapterLn<V extends NumberVector<V,?>>
          Adapter from a normalized similarity function to a distance function using -log(sim).
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction.colorhistogram
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction.colorhistogram with type parameters of type NumberVector
 class HistogramIntersectionDistanceFunction<V extends NumberVector<V,?>>
          Intersection distance for color histograms.
 class HSBHistogramQuadraticDistanceFunction<V extends NumberVector<V,?>>
          Distance function for HSB color histograms based on a quadratic form and color similarity.
 class RGBHistogramQuadraticDistanceFunction<V extends NumberVector<V,?>>
          Distance function for RGB color histograms based on a quadratic form and color similarity.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction.correlation
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction.correlation with type parameters of type NumberVector
 class ERiCDistanceFunction<V extends NumberVector<V,?>,P extends LocalPCAPreprocessor<V>>
          Provides a distance function for building the hierarchy in the ERiC algorithm.
 class PCABasedCorrelationDistanceFunction<V extends NumberVector<V,?>,P extends LocalPCAPreprocessor<V>>
          Provides the correlation distance for real valued vectors.
 class PearsonCorrelationDistanceFunction<V extends NumberVector<V,N>,N extends Number>
          Pearson correlation distance function for feature vectors.
 class SquaredPearsonCorrelationDistanceFunction<V extends NumberVector<V,N>,N extends Number>
          Squared Pearson correlation distance function for feature vectors.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction.subspace
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction.subspace with type parameters of type NumberVector
 class AbstractPreferenceVectorBasedCorrelationDistanceFunction<V extends NumberVector<V,?>,P extends PreferenceVectorPreprocessor<V>>
          Abstract super class for all preference vector based correlation distance functions.
 class DimensionSelectingDistanceFunction<V extends NumberVector<V,?>>
          Provides a distance function that computes the distance between feature vectors as the absolute difference of their values in a specified dimension.
 class DimensionsSelectingEuclideanDistanceFunction<V extends NumberVector<V,?>>
          Provides a distance function that computes the Euclidean distance between feature vectors only in specified dimensions.
 class DiSHDistanceFunction<V extends NumberVector<V,?>,P extends PreferenceVectorPreprocessor<V>>
          Distance function used in the DiSH algorithm.
 class HiSCDistanceFunction<V extends NumberVector<V,?>,P extends PreferenceVectorPreprocessor<V>>
          Distance function used in the HiSC algorithm.
 class SubspaceDistanceFunction<V extends NumberVector<V,?>,P extends LocalPCAPreprocessor<V>>
          Provides a distance function to determine a kind of correlation distance between two points, which is a pair consisting of the distance between the two subspaces spanned by the strong eigenvectors of the two points and the affine distance between the two subspaces.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.distancefunction.timeseries
 

Classes in de.lmu.ifi.dbs.elki.distance.distancefunction.timeseries with type parameters of type NumberVector
 class AbstractEditDistanceFunction<V extends NumberVector<V,?>>
          Provides the Edit Distance for FeatureVectors.
 class DTWDistanceFunction<V extends NumberVector<V,?>>
          Provides the Dynamic Time Warping distance for FeatureVectors.
 class EDRDistanceFunction<V extends NumberVector<V,?>>
          Provides the Edit Distance on Real Sequence distance for FeatureVectors.
 class ERPDistanceFunction<V extends NumberVector<V,?>>
          Provides the Edit Distance With Real Penalty distance for FeatureVectors.
 class LCSSDistanceFunction<V extends NumberVector<V,?>>
          Provides the Longest Common Subsequence distance for FeatureVectors.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel
 

Classes in de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel with type parameters of type NumberVector
 class FooKernelFunction<O extends NumberVector<?,?>>
          Provides an experimental KernelDistanceFunction for NumberVectors.
 class LinearKernelFunction<O extends NumberVector<O,?>>
          Provides a linear Kernel function that computes a similarity between the two feature vectors V1 and V2 defined by V1^T*V2.
 class PolynomialKernelFunction<O extends NumberVector<O,?>>
          Provides a polynomial Kernel function that computes a similarity between the two feature vectors V1 and V2 defined by (V1^T*V2)^degree.
 

Method parameters in de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel with type arguments of type NumberVector
static Matrix KernelMatrix.centerKernelMatrix(KernelMatrix<? extends NumberVector<?,?>> kernelMatrix)
          Centers the Kernel Matrix in Feature Space according to Smola et.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.index.tree.spatial
 

Classes in de.lmu.ifi.dbs.elki.index.tree.spatial with type parameters of type NumberVector
 class SpatialIndex<O extends NumberVector<O,?>,N extends SpatialNode<N,E>,E extends SpatialEntry>
          Abstract super class for all spatial index classes.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants
 

Classes in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants with type parameters of type NumberVector
 class AbstractRStarTree<O extends NumberVector<O,?>,N extends AbstractRStarTreeNode<N,E>,E extends SpatialEntry>
          Abstract superclass for index structures based on a R*-Tree.
 class NonFlatRStarTree<O extends NumberVector<O,?>,N extends AbstractRStarTreeNode<N,E>,E extends SpatialEntry>
          Abstract superclass for all non-flat R*-Tree variants.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu
 

Classes in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu with type parameters of type NumberVector
 class DeLiCluTree<O extends NumberVector<O,?>>
          DeLiCluTree is a spatial index structure based on an R-TRee.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rdknn
 

Classes in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rdknn with type parameters of type NumberVector
 class RdKNNTree<O extends NumberVector<O,?>,D extends NumberDistance<D,N>,N extends Number>
          RDkNNTree is a spatial index structure based on the concepts of the R*-Tree supporting efficient processing of reverse k nearest neighbor queries.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar
 

Classes in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar with type parameters of type NumberVector
 class RStarTree<O extends NumberVector<O,?>>
          RStarTree is a spatial index structure based on the concepts of the R*-Tree.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.math
 

Methods in de.lmu.ifi.dbs.elki.math with type parameters of type NumberVector
static
<V extends NumberVector<V,N>,N extends Number>
double
MathUtil.pearsonCorrelationCoefficient(NumberVector<V,?> x, NumberVector<V,?> y)
           Provides the Pearson product-moment correlation coefficient for two FeatureVectors.
 

Methods in de.lmu.ifi.dbs.elki.math with parameters of type NumberVector
static
<V extends NumberVector<V,N>,N extends Number>
double
MathUtil.pearsonCorrelationCoefficient(NumberVector<V,?> x, NumberVector<V,?> y)
           Provides the Pearson product-moment correlation coefficient for two FeatureVectors.
static
<V extends NumberVector<V,N>,N extends Number>
double
MathUtil.pearsonCorrelationCoefficient(NumberVector<V,?> x, NumberVector<V,?> y)
           Provides the Pearson product-moment correlation coefficient for two FeatureVectors.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.math.linearalgebra.pca
 

Classes in de.lmu.ifi.dbs.elki.math.linearalgebra.pca with type parameters of type NumberVector
 class CovarianceMatrixBuilder<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          Abstract class with the task of computing a Covariance matrix to be used in PCA.
 class KernelCovarianceMatrixBuilder<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          Kernel Covariance Matrix Builder.
 class PCAFilteredRunner<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          PCA runner that will do dimensionality reduction.
 class PCARunner<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          Class to run PCA on given data.
 class StandardCovarianceMatrixBuilder<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          Class for building a "traditional" covariance matrix.
 class WeightedCovarianceMatrixBuilder<V extends NumberVector<V,?>,D extends NumberDistance<D,?>>
          CovarianceMatrixBuilder with weights.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.normalization
 

Classes in de.lmu.ifi.dbs.elki.normalization with type parameters of type NumberVector
 class AttributeWiseMinMaxNormalization<V extends NumberVector<V,?>>
          Class to perform and undo a normalization on real vectors with respect to given minimum and maximum in each dimension.
 class AttributeWiseVarianceNormalization<V extends NumberVector<V,?>>
          Class to perform and undo a normalization on real vectors with respect to given mean and standard deviation in each dimension.
 

Methods in de.lmu.ifi.dbs.elki.normalization with parameters of type NumberVector
private  void AttributeWiseVarianceNormalization.determineMeanVariance(V[] featureVectors)
          Determines the mean and standard deviations in each dimension of the given featureVectors.
private  void AttributeWiseMinMaxNormalization.determineMinMax(V[] featureVectors)
          Determines the minima and maxima values in each dimension of the given featureVectors.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.parser
 

Classes in de.lmu.ifi.dbs.elki.parser with type parameters of type NumberVector
 class NumberVectorLabelParser<V extends NumberVector<?,?>>
           Provides a parser for parsing one point per line, attributes separated by whitespace.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.parser.meta
 

Classes in de.lmu.ifi.dbs.elki.parser.meta with type parameters of type NumberVector
 class ProjectionParser<V extends NumberVector<V,?>>
           A ProjectionParser projects the ParsingResult of its base parser onto a subspace specified by a BitSet.
 class RandomProjectionParser<V extends NumberVector<V,?>>
           A RandomProjectionParser selects a subset of attributes randomly for projection of a ParsingResult.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.preprocessing
 

Classes in de.lmu.ifi.dbs.elki.preprocessing with type parameters of type NumberVector
 class DiSHPreprocessor<V extends NumberVector<V,?>>
          Preprocessor for DiSH preference vector assignment to objects of a certain database.
 class FourCPreprocessor<D extends Distance<D>,V extends NumberVector<V,?>>
          Preprocessor for 4C local dimensionality and locally weighted matrix assignment to objects of a certain database.
 class HiSCPreprocessor<V extends NumberVector<V,?>>
          Preprocessor for HiSC preference vector assignment to objects of a certain database.
 class KnnQueryBasedLocalPCAPreprocessor<V extends NumberVector<V,?>>
          Provides the local neighborhood to be considered in the PCA as the k nearest neighbors of an object.
 class LocalPCAPreprocessor<V extends NumberVector<V,?>>
          Abstract superclass for preprocessors performing for each object of a certain database a filtered PCA based on the local neighborhood of the object.
 class PreDeConPreprocessor<D extends Distance<D>,V extends NumberVector<V,?>>
          Preprocessor for PreDeCon local dimensionality and locally weighted matrix assignment to objects of a certain database.
 class RangeQueryBasedLocalPCAPreprocessor<V extends NumberVector<V,?>>
          Provides the local neighborhood to be considered in the PCA as the neighbors within an epsilon range query of an object.
 class SpatialApproximationMaterializeKNNPreprocessor<O extends NumberVector<O,?>,D extends Distance<D>,N extends SpatialNode<N,E>,E extends SpatialEntry>
          A preprocessor for annotation of the k nearest neighbors (and their distances) to each database object.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.utilities
 

Methods in de.lmu.ifi.dbs.elki.utilities with type parameters of type NumberVector
static
<O extends NumberVector<O,?>>
O
DatabaseUtil.centroid(Database<O> database)
          Returns the centroid as a NumberVector object of the specified database.
static
<V extends NumberVector<V,?>>
V
DatabaseUtil.centroid(Database<V> database, Collection<Integer> ids)
          Returns the centroid as a NumberVector object of the specified objects stored in the given database.
static
<V extends NumberVector<V,?>>
V
DatabaseUtil.centroid(Database<V> database, Collection<Integer> ids, BitSet dimensions)
          Returns the centroid w.r.t. the dimensions specified by the given BitSet as a NumberVector object of the specified objects stored in the given database.
static
<V extends NumberVector<V,?>>
V
DatabaseUtil.centroid(Database<V> database, Iterator<Integer> iter, BitSet bitSet)
          Returns the centroid w.r.t. the dimensions specified by the given BitSet as a NumberVector object of the specified objects stored in the given database.
static
<NV extends NumberVector<NV,?>>
Pair<NV,NV>
DatabaseUtil.computeMinMax(Database<NV> database)
          Determines the minimum and maximum values in each dimension of all objects stored in the given database.
static
<O extends NumberVector<O,?>>
Matrix
DatabaseUtil.covarianceMatrix(Database<O> database)
          Determines the covariance matrix of the objects stored in the given database.
static
<O extends NumberVector<O,?>>
Matrix
DatabaseUtil.covarianceMatrix(Database<O> database, O centroid)
           Determines the covariance matrix of the objects stored in the given database w.r.t. the given centroid.
static
<V extends NumberVector<V,?>>
Matrix
DatabaseUtil.covarianceMatrix(Database<V> database, Collection<Integer> ids)
          Determines the covariance matrix of the objects stored in the given database.
static
<O extends NumberVector<O,?>>
double[]
DatabaseUtil.variances(Database<O> database)
          Determines the variances in each dimension of all objects stored in the given database.
static
<V extends NumberVector<V,?>>
double[]
DatabaseUtil.variances(Database<V> database, Collection<Integer> ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
static
<V extends NumberVector<V,?>>
double[]
DatabaseUtil.variances(Database<V> database, V centroid, Collection<Integer> ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
 

Methods in de.lmu.ifi.dbs.elki.utilities with parameters of type NumberVector
static double[] DatabaseUtil.variances(Database<NumberVector<?,?>> database, NumberVector<?,?> centroid, Collection<Integer>[] ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
 

Method parameters in de.lmu.ifi.dbs.elki.utilities with type arguments of type NumberVector
static double[] DatabaseUtil.variances(Database<NumberVector<?,?>> database, NumberVector<?,?> centroid, Collection<Integer>[] ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.utilities.referencepoints
 

Classes in de.lmu.ifi.dbs.elki.utilities.referencepoints with type parameters of type NumberVector
 class AxisBasedReferencePoints<O extends NumberVector<O,?>>
          Strategy to pick reference points by placing them on the axis ends.
 class FullDatabaseReferencePoints<O extends NumberVector<O,?>>
          Strategy to use the complete database as reference points.
 class GridBasedReferencePoints<O extends NumberVector<O,?>>
          Grid-based strategy to pick reference points.
 class RandomGeneratedReferencePoints<O extends NumberVector<O,?>>
          Reference points generated randomly within the used data space.
 class RandomSampleReferencePoints<O extends NumberVector<O,?>>
          Random-Sampling strategy for picking reference points.
 interface ReferencePointsHeuristic<O extends NumberVector<O,?>>
          Simple Interface for an heuristic to pick reference points.
 class StarBasedReferencePoints<O extends NumberVector<O,?>>
          Star-based strategy to pick reference points.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization
 

Methods in de.lmu.ifi.dbs.elki.visualization with type parameters of type NumberVector
<NV extends NumberVector<NV,?>>
NV
VisualizationProjection.projectRelativeRenderToDataSpace(Vector v, NV sampleobject)
          Project a relative vector from rendering space to data space.
<NV extends NumberVector<NV,?>>
NV
VisualizationProjection.projectRelativeScaledToDataSpace(Vector v, NV sampleobject)
          Project a relative vector from scaled space to data space.
<NV extends NumberVector<NV,?>>
NV
VisualizationProjection.projectRenderToDataSpace(Vector v, NV sampleobject)
          Project a vector from rendering space to data space.
<NV extends NumberVector<NV,?>>
NV
VisualizationProjection.projectScaledToDataSpace(Vector v, NV sampleobject)
          Project a vector from scaled space to data space.
 

Methods in de.lmu.ifi.dbs.elki.visualization with parameters of type NumberVector
 Vector VisualizationProjection.projectDataToRenderSpace(NumberVector<?,?> data)
          Project a data vector from data space to rendering space.
 Vector VisualizationProjection.projectDataToScaledSpace(NumberVector<?,?> data)
          Project a data vector from data space to scaled space.
 Vector VisualizationProjection.projectRelativeDataToRenderSpace(NumberVector<?,?> data)
          Project a relative data vector from data space to rendering space.
 Vector VisualizationProjection.projectRelativeDataToScaledSpace(NumberVector<?,?> data)
          Project a relative data vector from data space to scaled space.
 

Constructor parameters in de.lmu.ifi.dbs.elki.visualization with type arguments of type NumberVector
VisualizationProjection(Database<? extends NumberVector<?,?>> db, LinearScale[] scales, AffineTransformation proj)
          Constructor with a given database and axes.
VisualizationProjection(Database<? extends NumberVector<?,?>> db, LinearScale[] scales, int ax1, int ax2)
          Constructor with a given database and axes.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.gui.overview
 

Classes in de.lmu.ifi.dbs.elki.visualization.gui.overview with type parameters of type NumberVector
 class OverviewPlot<NV extends NumberVector<NV,?>>
          Generate an overview plot for a set of visualizations.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.scales
 

Methods in de.lmu.ifi.dbs.elki.visualization.scales with type parameters of type NumberVector
static
<O extends NumberVector<?,? extends Number>>
LinearScale[]
Scales.calcScales(Database<O> db)
          Compute a linear scale for each dimension.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.visualizers.adapter
 

Classes in de.lmu.ifi.dbs.elki.visualization.visualizers.adapter with type parameters of type NumberVector
 class ClusteringAdapter<NV extends NumberVector<NV,?>>
          Class to add generic clustering visualizations.
 class DefaultAdapter<NV extends NumberVector<NV,?>>
          Class to add various default visualizations.
 class OutlierScoreAdapter<NV extends NumberVector<NV,?>>
          This class activates bubble and tooltip visualizers when there is an Outlier result found.
 class ReferencePointsAdapter<NV extends NumberVector<NV,?>>
          Adapter to generate a reference points visualizer when reference points were found in the data.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.visualizers.vis1d
 

Classes in de.lmu.ifi.dbs.elki.visualization.visualizers.vis1d with type parameters of type NumberVector
 class Projection1DHistogramVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element containing a histogram representing the distribution of the database's objects.
 class Projection1DVisualizer<NV extends NumberVector<NV,?>>
          Produces visualizations of 1-dimensional projections.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d
 

Classes in de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d with type parameters of type NumberVector
 class AxisVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element containing axes, including labeling.
 class BubbleVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element containing bubbles.
 class ClusteringVisualizer<NV extends NumberVector<NV,?>>
          Visualize a clustering using different markers for different clusters.
 class ClusterOrderVisualizer<NV extends NumberVector<NV,?>>
          Visualize an OPTICS cluster order by drawing connection lines.
 class DataDotVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element containing "dots" as markers representing the Database's objects.
 class Projection2DVisualizer<NV extends NumberVector<NV,?>>
          Produces visualizations of 2-dimensional projections.
 class ReferencePointsVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element visualizing reference points.
 class TooltipVisualizer<NV extends NumberVector<NV,?>>
          Generates a SVG-Element containing Tooltips.
 class TreeMBRVisualizer<NV extends NumberVector<NV,?>,N extends AbstractRStarTreeNode<N,E>,E extends SpatialEntry>
          Visualize the bounding rectangles of an rtree based index.
 

Uses of NumberVector in de.lmu.ifi.dbs.elki.visualization.visualizers.visunproj
 

Fields in de.lmu.ifi.dbs.elki.visualization.visualizers.visunproj with type parameters of type NumberVector
private  HistogramResult<? extends NumberVector<?,?>> HistogramVisualizer.curve
          The histogram result to visualize
 

Method parameters in de.lmu.ifi.dbs.elki.visualization.visualizers.visunproj with type arguments of type NumberVector
 void HistogramVisualizer.init(VisualizerContext context, HistogramResult<? extends NumberVector<?,?>> curve)
          Initialization.
 


Release 0.3 (2010-03-31_1612)