A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
All Classes All Packages

G

g - Variable in class elki.distance.timeseries.ERPDistance
Gap value.
g - Variable in class elki.distance.timeseries.ERPDistance.Par
Gap value.
g - Variable in class elki.outlier.lof.ALOCI
Number of trees to generate (forest size)
g - Variable in class elki.outlier.lof.ALOCI.Par
G: number of shifted trees to create.
G - Variable in class elki.svm.solver.Solver
 
G_bar - Variable in class elki.svm.solver.Solver
 
G_ID - Static variable in class elki.distance.timeseries.ERPDistance.Par
G parameter
gain(double, double, double) - Method in class elki.application.greedyensemble.GreedyEnsembleExperiment
Compute the gain coefficient.
gain(int) - Method in class tutorial.clustering.SameSizeKMeans.Meta
Gain from switching to cluster i.
gamma - Variable in class elki.outlier.svm.LibSVMOneClassOutlierDetection
Gamma parameter (not for linear kernel)
gamma - Variable in class elki.similarity.kernel.RadialBasisFunctionKernel.Par
Gamma scaling parameter
gamma - Variable in class elki.utilities.scaling.GammaScaling
Gamma value.
gamma - Variable in class elki.utilities.scaling.GammaScaling.Par
 
gamma(double) - Static method in class elki.math.statistics.distribution.GammaDistribution
Compute the regular Gamma function.
GAMMA - elki.outlier.COP.DistanceDist
Use gamma distributions for score normalization.
GAMMA_ID - Static variable in class elki.similarity.kernel.RadialBasisFunctionKernel.Par
Gamma parameter.
GAMMA_ID - Static variable in class elki.utilities.scaling.GammaScaling.Par
OptionID for the gamma value.
GammaChoiWetteEstimator - Class in elki.math.statistics.distribution.estimator
Estimate distribution parameters using the method by Choi and Wette.
GammaChoiWetteEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GammaChoiWetteEstimator
Private constructor.
GammaChoiWetteEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
GammaDistribution - Class in elki.math.statistics.distribution
Gamma Distribution, with random generation and density functions.
GammaDistribution(double, double) - Constructor for class elki.math.statistics.distribution.GammaDistribution
Constructor for Gamma distribution.
GammaDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GammaLMMEstimator - Class in elki.math.statistics.distribution.estimator
Estimate the parameters of a Gamma Distribution, using the methods of L-Moments (LMM).
GammaLMMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GammaLMMEstimator
Constructor.
GammaLMMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
GammaMOMEstimator - Class in elki.math.statistics.distribution.estimator
Simple parameter estimation for the Gamma distribution.
GammaMOMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GammaMOMEstimator
Private constructor.
GammaMOMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
gammaQuantileNewtonRefinement(double, double, double, int, double) - Static method in class elki.math.statistics.distribution.GammaDistribution
Refinement of ChiSquared probit using Newton iterations.
GammaScaling - Class in elki.utilities.scaling
Non-linear scaling function using a Gamma curve.
GammaScaling() - Constructor for class elki.utilities.scaling.GammaScaling
Constructor without options.
GammaScaling(double) - Constructor for class elki.utilities.scaling.GammaScaling
Constructor with Gamma value.
GammaScaling.Par - Class in elki.utilities.scaling
Parameterization class.
GAUSSIAN - elki.datasource.filter.transform.PerturbationFilter.NoiseDistribution
 
GaussianAffinityMatrixBuilder<O> - Class in elki.projection
Compute the affinity matrix for SNE and tSNE using a Gaussian distribution with a constant sigma.
GaussianAffinityMatrixBuilder(Distance<? super O>, double) - Constructor for class elki.projection.GaussianAffinityMatrixBuilder
Constructor.
GaussianAffinityMatrixBuilder.Par<O> - Class in elki.projection
Parameterization class.
GaussianFittingFunction - Class in elki.math.linearalgebra.fitting
Gaussian function for parameter fitting
GaussianFittingFunction() - Constructor for class elki.math.linearalgebra.fitting.GaussianFittingFunction
 
GaussianKernelDensityFunction - Class in elki.math.statistics.kernelfunctions
Gaussian kernel density estimator.
GaussianKernelDensityFunction() - Constructor for class elki.math.statistics.kernelfunctions.GaussianKernelDensityFunction
Private, empty constructor.
GaussianKernelDensityFunction.Par - Class in elki.math.statistics.kernelfunctions
Parameterization stub.
GaussianModel - Class in elki.outlier
Outlier detection based on the probability density of the single normal distribution.
GaussianModel(boolean) - Constructor for class elki.outlier.GaussianModel
Constructor with actual parameters.
GaussianModel.Par - Class in elki.outlier
Parameterization class.
GaussianRandomProjectionFamily - Class in elki.data.projection.random
Random projections using Cauchy distributions (1-stable).
GaussianRandomProjectionFamily(RandomFactory) - Constructor for class elki.data.projection.random.GaussianRandomProjectionFamily
Constructor.
GaussianRandomProjectionFamily.Par - Class in elki.data.projection.random
Parameterization class.
GaussianUniformMixture - Class in elki.outlier
Outlier detection algorithm using a mixture model approach.
GaussianUniformMixture(double, double) - Constructor for class elki.outlier.GaussianUniformMixture
Constructor with parameters.
GaussianUniformMixture.Par - Class in elki.outlier
Parameterization class.
GAUSSLEGENDRE_W - Static variable in class elki.math.statistics.distribution.BetaDistribution
Weights for Gauss-Legendre quadrature
GAUSSLEGENDRE_Y - Static variable in class elki.math.statistics.distribution.BetaDistribution
Abscissas for Gauss-Legendre quadrature
GaussStddevWeight - Class in elki.math.linearalgebra.pca.weightfunctions
Gaussian weight function, scaled using standard deviation \( \frac{1}{\sqrt{2\pi}} \exp(-\frac{\text{dist}^2}{2\sigma^2}) \)
GaussStddevWeight() - Constructor for class elki.math.linearalgebra.pca.weightfunctions.GaussStddevWeight
 
GaussWeight - Class in elki.math.linearalgebra.pca.weightfunctions
Gaussian weight function, scaled such that the result it 0.1 when distance equals the maximum, using \( \exp(-2.3025850929940455 \frac{\text{dist}^2}{\max^2}) \).
GaussWeight() - Constructor for class elki.math.linearalgebra.pca.weightfunctions.GaussWeight
 
gdrift - Variable in class elki.clustering.kmeans.YinYangKMeans.Instance
Maximum distance moved within each group.
GEDEstimator - Class in elki.math.statistics.intrinsicdimensionality
Generalized Expansion Dimension for estimating the intrinsic dimensionality.
GEDEstimator() - Constructor for class elki.math.statistics.intrinsicdimensionality.GEDEstimator
 
GEDEstimator.Par - Class in elki.math.statistics.intrinsicdimensionality
Parameterization class.
gene - Variable in class elki.outlier.subspace.AggarwalYuEvolutionary.Individuum
 
GENE_OFFSET - Static variable in class elki.outlier.subspace.AbstractAggarwalYuOutlier
The first bucket.
GeneralizedDBSCAN - Class in elki.clustering.dbscan
Generalized DBSCAN, density-based clustering with noise.
GeneralizedDBSCAN(NeighborPredicate<?>, CorePredicate<?>, boolean) - Constructor for class elki.clustering.dbscan.GeneralizedDBSCAN
Constructor for parameterized algorithm.
GeneralizedDBSCAN.Instance<T> - Class in elki.clustering.dbscan
Instance for a particular data set.
GeneralizedDBSCAN.Par - Class in elki.clustering.dbscan
Parameterization class
GeneralizedExtremeValueDistribution - Class in elki.math.statistics.distribution
Generalized Extreme Value (GEV) distribution, also known as Fisher–Tippett distribution.
GeneralizedExtremeValueDistribution(double, double, double) - Constructor for class elki.math.statistics.distribution.GeneralizedExtremeValueDistribution
Constructor.
GeneralizedExtremeValueDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GeneralizedExtremeValueLMMEstimator - Class in elki.math.statistics.distribution.estimator
Estimate the parameters of a Generalized Extreme Value Distribution, using the methods of L-Moments (LMM).
GeneralizedExtremeValueLMMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GeneralizedExtremeValueLMMEstimator
Constructor.
GeneralizedExtremeValueLMMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
GeneralizedHyperplaneDistribution - Class in elki.index.tree.metrical.mtreevariants.strategies.split.distribution
Generalized hyperplane entry distribution strategy of the M-tree.
GeneralizedHyperplaneDistribution() - Constructor for class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.GeneralizedHyperplaneDistribution
 
GeneralizedLogisticAlternateDistribution - Class in elki.math.statistics.distribution
Generalized logistic distribution.
GeneralizedLogisticAlternateDistribution(double, double, double) - Constructor for class elki.math.statistics.distribution.GeneralizedLogisticAlternateDistribution
Constructor.
GeneralizedLogisticAlternateDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GeneralizedLogisticAlternateLMMEstimator - Class in elki.math.statistics.distribution.estimator
Estimate the parameters of a Generalized Logistic Distribution, using the methods of L-Moments (LMM).
GeneralizedLogisticAlternateLMMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GeneralizedLogisticAlternateLMMEstimator
Constructor.
GeneralizedLogisticAlternateLMMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
GeneralizedLogisticDistribution - Class in elki.math.statistics.distribution
Generalized logistic distribution.
GeneralizedLogisticDistribution(double, double, double) - Constructor for class elki.math.statistics.distribution.GeneralizedLogisticDistribution
Constructor.
GeneralizedLogisticDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GeneralizedOPTICS - Interface in elki.clustering.optics
A trivial generalization of OPTICS that is not restricted to numerical distances, and serves as a base for several other algorithms (HiCO, HiSC).
GeneralizedOPTICS.Instance<R> - Class in elki.clustering.optics
Instance for processing a single data set.
GeneralizedParetoDistribution - Class in elki.math.statistics.distribution
Generalized Pareto Distribution (GPD), popular for modeling long tail distributions.
GeneralizedParetoDistribution(double, double, double) - Constructor for class elki.math.statistics.distribution.GeneralizedParetoDistribution
Constructor.
GeneralizedParetoDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GeneralizedParetoLMMEstimator - Class in elki.math.statistics.distribution.estimator
Estimate the parameters of a Generalized Pareto Distribution (GPD), using the methods of L-Moments (LMM).
GeneralizedParetoLMMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GeneralizedParetoLMMEstimator
Constructor.
GeneralizedParetoLMMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
generate() - Method in class elki.data.synthetic.bymodel.GeneratorMain
Main loop to generate data set.
generate(int) - Method in interface elki.data.synthetic.bymodel.GeneratorInterface
Generate a specified number of points
generate(int) - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
generate(int) - Method in class elki.data.synthetic.bymodel.GeneratorStatic
"Generate" new cluster points.
generateDefaultClustering() - Method in class elki.visualization.VisualizerContext
Generate a default (fallback) clustering.
generateHashFunctions(Relation<? extends NumberVector>, int) - Method in class elki.index.lsh.hashfamilies.AbstractProjectedHashFunctionFamily
 
generateHashFunctions(Relation<? extends NumberVector>, int) - Method in class elki.index.lsh.hashfamilies.CosineHashFunctionFamily
 
generateHashFunctions(Relation<? extends V>, int) - Method in interface elki.index.lsh.hashfamilies.LocalitySensitiveHashFunctionFamily
Generate hash functions for the given relation.
generateModel(Relation<V>, DBIDs) - Method in class elki.algorithm.DependencyDerivator
Runs the pca on the given set of IDs.
generateModel(Relation<V>, DBIDs, double[]) - Method in class elki.algorithm.DependencyDerivator
Runs the pca on the given set of IDs and for the given centroid.
generateOrthonormalBasis(List<double[]>) - Method in class elki.clustering.correlation.LMCLUS
This Method generates an orthonormal basis from a set of Vectors.
generateProjection(int, int) - Method in class elki.data.projection.random.AchlioptasRandomProjectionFamily
 
generateProjection(int, int) - Method in class elki.data.projection.random.CauchyRandomProjectionFamily
 
generateProjection(int, int) - Method in class elki.data.projection.random.GaussianRandomProjectionFamily
 
generateProjection(int, int) - Method in interface elki.data.projection.random.RandomProjectionFamily
Generate a projection matrix for the given dimensionalities.
generateProjection(int, int) - Method in class elki.data.projection.random.RandomSubsetProjectionFamily
 
generateProjection(int, int) - Method in class elki.data.projection.random.SimplifiedRandomHyperplaneProjectionFamily
 
generateSingleDBID() - Method in interface elki.database.ids.DBIDFactory
Generate a single DBID.
generateSingleDBID() - Static method in class elki.database.ids.DBIDUtil
Generate a single DBID.
generateSingleDBID() - Method in class elki.database.ids.integer.TrivialDBIDFactory
 
generateStaticDBIDRange(int) - Method in interface elki.database.ids.DBIDFactory
Generate a static DBID range.
generateStaticDBIDRange(int) - Static method in class elki.database.ids.DBIDUtil
Generate a static DBID range.
generateStaticDBIDRange(int) - Method in class elki.database.ids.integer.TrivialDBIDFactory
 
generateStaticDBIDRange(int, int) - Method in interface elki.database.ids.DBIDFactory
Generate a static DBID range.
generateStaticDBIDRange(int, int) - Method in class elki.database.ids.integer.TrivialDBIDFactory
 
generateSubspaceCandidates(List<Subspace>) - Method in class elki.clustering.subspace.SUBCLU
Generates d+1-dimensional subspace candidates from the specified d-dimensional subspaces.
generateThumbnail(ThumbnailThread.Task) - Method in class elki.visualization.visualizers.thumbs.ThumbnailThread
Generate a single Thumbnail.
generateU(int, int) - Method in class elki.math.linearalgebra.SingularValueDecomposition
 
generateV(int, double[], int) - Method in class elki.math.linearalgebra.SingularValueDecomposition
 
generator - Variable in class elki.application.GeneratorXMLSpec
The original data source.
generator - Variable in class elki.application.GeneratorXMLSpec.Par
Data generator
generator - Variable in class elki.data.model.GeneratorModel
Cluster generator.
generator - Variable in class elki.datasource.filter.typeconversions.UncertainifyFilter
Class to derive an uncertain object from a certain vector.
generator - Variable in class elki.datasource.filter.typeconversions.UncertainifyFilter.Par
Field to hold the generator to produce uncertain objects.
GENERATOR_SCHEMA_FILE - Static variable in class elki.datasource.GeneratorXMLDatabaseConnection
File name of the generators XML Schema file.
GeneratorInterface - Interface in elki.data.synthetic.bymodel
Interface for cluster generators
GeneratorInterfaceDynamic - Interface in elki.data.synthetic.bymodel
Interface for a dynamic cluster generator.
GeneratorMain - Class in elki.data.synthetic.bymodel
Generate a data set according to a given model.
GeneratorMain() - Constructor for class elki.data.synthetic.bymodel.GeneratorMain
 
GeneratorMain.AssignLabelsByDensity - Class in elki.data.synthetic.bymodel
Reassign objects in certain labels; but also always test against the model.
GeneratorMain.AssignLabelsByDistance - Class in elki.data.synthetic.bymodel
Reassign objects in certain labels; but also always test against the model.
GeneratorMain.TestModel - Class in elki.data.synthetic.bymodel
Reject objects with a higher density in another generator.
GeneratorModel - Class in elki.data.model
Cluster model for synthetically generated data.
GeneratorModel(GeneratorInterface, double[]) - Constructor for class elki.data.model.GeneratorModel
Constructor with mean.
generators - Variable in class elki.data.synthetic.bymodel.GeneratorMain
List of clusters to generate.
generators - Variable in class elki.utilities.datastructures.range.CombinedIntGenerator
Generators.
GeneratorSingleCluster - Class in elki.data.synthetic.bymodel
Class to generate a single cluster according to a model as well as getting the density of a given model at that point (to evaluate generated points according to the same model)
GeneratorSingleCluster(String, int, double, Random) - Constructor for class elki.data.synthetic.bymodel.GeneratorSingleCluster
Generator (without axes)
GeneratorStatic - Class in elki.data.synthetic.bymodel
Class for static clusters, that is an implementation of GeneratorInterface that will return only a given set of points.
GeneratorStatic(String, List<double[]>) - Constructor for class elki.data.synthetic.bymodel.GeneratorStatic
Construct generator using given name and points
GeneratorXMLDatabaseConnection - Class in elki.datasource
Data source from an XML specification.
GeneratorXMLDatabaseConnection(List<? extends ObjectFilter>, URI, double, Pattern, boolean, RandomFactory) - Constructor for class elki.datasource.GeneratorXMLDatabaseConnection
Constructor.
GeneratorXMLDatabaseConnection.Par - Class in elki.datasource
Parameterization class.
GeneratorXMLSpec - Class in elki.application
Generate a data set based on a specified model (using an XML specification)
GeneratorXMLSpec(Path, GeneratorXMLDatabaseConnection) - Constructor for class elki.application.GeneratorXMLSpec
Constructor.
GeneratorXMLSpec.Par - Class in elki.application
Parameterization class.
GENERIC_SIZE - Static variable in interface elki.visualization.style.StyleLibrary
Generic size
GeoIndexing - Class in tutorial.javaapi
Example code for using the R-tree index of ELKI, with Haversine distance.
GeoIndexing() - Constructor for class tutorial.javaapi.GeoIndexing
 
GeometricLinkage - Interface in elki.clustering.hierarchical.linkage
Geometric linkages, in addition to the combination with Lance-Williams-Equations, these linkages can also be computed by aggregating data points (for vector data only).
geometricNMI() - Method in class elki.evaluation.clustering.Entropy
Get the geometric mean normalized mutual information (using the square root).
get() - Method in class elki.clustering.hierarchical.birch.CFTree.LeafIterator
Get the current leaf.
get() - Method in class elki.index.tree.betula.CFTree.LeafIterator
Get the current leaf.
get() - Method in class elki.parallel.variables.SharedDouble.Instance
get() - Method in class elki.parallel.variables.SharedInteger.Instance
get() - Method in class elki.parallel.variables.SharedObject.Instance
 
get() - Method in interface elki.parallel.variables.SharedVariable.Instance
Get the current value
get() - Method in class elki.result.Metadata.EagerIt
 
get() - Method in class elki.result.Metadata.Hierarchy.ItrAnc
 
get() - Method in class elki.result.Metadata.Hierarchy.ItrDesc
 
get() - Method in class elki.utilities.datastructures.heap.ComparableMaxHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.ComparableMinHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.ComparatorMaxHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.ComparatorMinHeap.UnsortedIter
 
get() - Method in interface elki.utilities.datastructures.heap.DoubleHeap.UnsortedIter
Get the iterators current object.
get() - Method in class elki.utilities.datastructures.heap.DoubleMaxHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.DoubleMinHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.Heap.UnorderedIter
Get the current queue element.
get() - Method in interface elki.utilities.datastructures.heap.IntegerHeap.UnsortedIter
Get the iterators current object.
get() - Method in class elki.utilities.datastructures.heap.IntegerMaxHeap.UnsortedIter
 
get() - Method in class elki.utilities.datastructures.heap.IntegerMinHeap.UnsortedIter
 
get() - Method in interface elki.utilities.datastructures.heap.ObjectHeap.UnsortedIter
Get the iterators current object.
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.ItrAll
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.ItrAnc
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.ItrDesc
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.Rec.ItrChildren
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.Rec.ItrChildrenReverse
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.Rec.ItrParents
 
get() - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy.Rec.ItrParentsReverse
 
get() - Method in class elki.utilities.datastructures.hierarchy.StackedIter
 
get() - Method in class elki.utilities.datastructures.iterator.ArrayListIter
 
get() - Method in class elki.utilities.datastructures.iterator.ConcatIt
 
get() - Method in class elki.utilities.datastructures.iterator.EmptyIterator
 
get() - Method in class elki.utilities.datastructures.iterator.FilteredIt
 
get() - Method in interface elki.utilities.datastructures.iterator.It
Access the current object.
get() - Method in class elki.utilities.datastructures.iterator.IterableIt
 
get() - Method in class elki.utilities.datastructures.iterator.SubtypeIt
 
get(double) - Method in class elki.utilities.datastructures.histogram.AbstractObjDynamicHistogram
 
get(double) - Method in class elki.utilities.datastructures.histogram.DoubleDynamicHistogram
 
get(double) - Method in class elki.utilities.datastructures.histogram.DoubleHistogram
Get the value at a particular position.
get(double) - Method in class elki.utilities.datastructures.histogram.ObjHistogram
Access the value of a bin with new data.
get(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
Deprecated.
get(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
Deprecated.
get(int) - Method in class elki.data.LabelList
Get the label at position i.
get(int) - Method in class elki.data.spatial.Polygon
Get a double[] by index.
get(int) - Method in interface elki.database.ids.ArrayDBIDs
Deprecated.
Preferably use a DBIDArrayIter or a DBIDVar instead of materializing expensive DBID objects.
get(int) - Method in class elki.database.ids.EmptyDBIDs
 
get(int) - Method in class elki.database.ids.integer.ArrayModifiableIntegerDBIDs
 
get(int) - Method in class elki.database.ids.integer.ArrayModifiableIntegerDBIDs.Slice
 
get(int) - Method in class elki.database.ids.integer.ArrayStaticIntegerDBIDs
 
get(int) - Method in class elki.database.ids.integer.ArrayStaticIntegerDBIDs.Slice
 
get(int) - Method in class elki.database.ids.integer.IntegerDBID
 
get(int) - Method in class elki.database.ids.integer.IntegerDBIDPair
Deprecated.
get(int) - Method in class elki.database.ids.integer.IntegerDBIDPair.Slice
 
get(int) - Method in class elki.database.ids.integer.IntegerDBIDRange
 
get(int) - Method in class elki.database.ids.integer.IntegerDBIDVar
Deprecated.
get(int) - Method in class elki.database.ids.integer.UnmodifiableIntegerArrayDBIDs
Deprecated.
get(int) - Method in class elki.evaluation.clustering.pairsegments.Segment
Get cluster number for index idx.
get(int) - Method in class elki.index.tree.spatial.rstarvariants.strategies.split.TopologicalSplitter.Split
Get an entry.
get(int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
Get the value at this position.
get(int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
Get the value at this position.
get(int, int) - Method in class elki.clustering.hierarchical.ClusterDistanceMatrix
Get a value from the (upper triangular) distance matrix.
get(int, int) - Method in class elki.index.tree.betula.CFDistanceMatrix
Get a value from the (upper triangular) distance matrix.
get(int, int) - Method in interface elki.projection.AffinityMatrix
Get an entry by absolute position.
get(int, int) - Method in class elki.projection.DenseAffinityMatrix
 
get(int, int) - Method in class elki.projection.SparseAffinityMatrix
 
get(long[], int) - Static method in class elki.utilities.datastructures.BitsUtil
Set bit number "off" in v.
get(long, int) - Static method in class elki.utilities.datastructures.BitsUtil
Set bit number "off" in v.
get(A, int) - Method in interface elki.utilities.datastructures.arraylike.ArrayAdapter
Get the off'th item from the array.
get(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
 
get(FeatureVector<F>, int) - Method in class elki.utilities.datastructures.arraylike.FeatureVectorAdapter
 
get(NumberVector, int) - Method in class elki.data.projection.FeatureSelection.ProjectedNumberFeatureVectorAdapter
 
get(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
Deprecated.
get(DBIDRef) - Method in interface elki.database.datastore.DataStore
Retrieves an object from the storage.
get(DBIDRef) - Method in interface elki.database.datastore.DBIDDataStore
Deprecated.
get(DBIDRef) - Method in interface elki.database.datastore.DoubleDataStore
Deprecated.
Use DoubleDataStore.doubleValue(elki.database.ids.DBIDRef) instead, to avoid boxing/unboxing cost.
get(DBIDRef) - Method in interface elki.database.datastore.IntegerDataStore
Deprecated.
Use IntegerDataStore.intValue(elki.database.ids.DBIDRef) instead, to avoid boxing/unboxing cost.
get(DBIDRef) - Method in class elki.database.datastore.memory.ArrayDBIDStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.ArrayDoubleStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.ArrayIntegerStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.ArrayRecordStore.StorageAccessor
 
get(DBIDRef) - Method in class elki.database.datastore.memory.ArrayStore
 
get(DBIDRef) - Method in class elki.database.datastore.memory.MapIntegerDBIDDBIDStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.MapIntegerDBIDDoubleStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.MapIntegerDBIDIntegerStore
Deprecated.
get(DBIDRef) - Method in class elki.database.datastore.memory.MapIntegerDBIDRecordStore.StorageAccessor
 
get(DBIDRef) - Method in class elki.database.datastore.memory.MapIntegerDBIDStore
 
get(DBIDRef) - Method in class elki.database.datastore.memory.MapRecordStore.StorageAccessor
 
get(DBIDRef) - Method in class elki.database.datastore.memory.MapStore
 
get(DBIDRef) - Method in class elki.database.relation.ConvertToStringView
 
get(DBIDRef) - Method in class elki.database.relation.DBIDView
 
get(DBIDRef) - Method in interface elki.database.relation.DoubleRelation
get(DBIDRef) - Method in class elki.database.relation.MaterializedRelation
 
get(DBIDRef) - Method in class elki.database.relation.ProjectedView
 
get(DBIDRef) - Method in class elki.database.relation.ProxyView
 
get(DBIDRef) - Method in interface elki.database.relation.Relation
Get the representation of an object.
get(DBIDRef) - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor
Get the k nearest neighbors.
get(DBIDRef) - Method in class elki.index.tree.spatial.kd.MemoryKDTree.CountingRelation
 
get(DBIDRef, int) - Method in class elki.database.datastore.memory.ArrayRecordStore
Actual getter
get(DBIDRef, int) - Method in class elki.database.datastore.memory.MapIntegerDBIDRecordStore
Actual getter.
get(DBIDRef, int) - Method in class elki.database.datastore.memory.MapRecordStore
Actual getter.
get(AbstractNode<? extends SpatialEntry>, int) - Method in class elki.index.tree.spatial.rstarvariants.util.NodeArrayAdapter
 
get(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
get(ExtendedArray<T>, int) - Method in class elki.utilities.datastructures.arraylike.ExtendedArray
 
get(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
get(DoubleIntPair) - Method in class elki.index.tree.spatial.rstarvariants.strategies.split.TopologicalSplitter.Split
Get an entry.
get(PlotItem, VisualizationTask) - Method in class elki.visualization.gui.overview.LayerMap
Get a pair from the map
get(Long) - Static method in class elki.utilities.random.RandomFactory
Factory method: Get a random factory for the given seed.
get(Object) - Static method in class elki.result.Metadata
Get but do not create the Metadata of an object.
get(String) - Method in class elki.gui.util.SavedSettingsFile
Find a saved setting by key.
get(T) - Method in class elki.visualization.gui.overview.RectangleArranger
Get the position data of the object
get(V, int) - Method in class elki.data.projection.FeatureSelection.ProjectedFeatureVectorAdapter
 
get_C(int) - Method in class elki.svm.solver.Solver
 
get_data(int, int) - Method in class elki.svm.qmatrix.CachedQMatrix
 
get_Q(int, int, float[]) - Method in class elki.svm.qmatrix.CachedQMatrix
 
get_Q(int, int, float[]) - Method in interface elki.svm.qmatrix.QMatrix
Get a column of the matrix.
get_Q(int, int, float[]) - Method in class elki.svm.qmatrix.SVR_Q
 
get_QD() - Method in class elki.svm.qmatrix.CachedQMatrix
 
get_QD() - Method in class elki.svm.qmatrix.Kernel
 
get_QD() - Method in interface elki.svm.qmatrix.QMatrix
Get the diagonal values, as reference.
get_QD() - Method in class elki.svm.qmatrix.SVR_Q
 
getAccuracy() - Method in class elki.evaluation.clustering.MaximumMatchingAccuracy
Get the maximum matching cluster accuracy.
getActiveRatio() - Method in class elki.visualization.batikutil.LazyCanvasResizer
Get the components last applied ratio.
getActualMaximum() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getActualMaximum() - Method in interface elki.result.outlier.OutlierScoreMeta
Get the actual maximum of the value range.
getActualMaximum() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getActualMinimum() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getActualMinimum() - Method in interface elki.result.outlier.OutlierScoreMeta
Get the actual minimum of the value range.
getActualMinimum() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getAlgorithmStep() - Method in class elki.gui.multistep.panels.AlgorithmTabPanel
Get the algorithm step object.
getAllClusters() - Method in class elki.data.Clustering
Collect all clusters (recursively) into a List.
getAllIds() - Method in class elki.visualization.svg.SVGPlot
Get all used DOM Ids in this plot.
getAllParameters() - Method in class elki.utilities.optionhandling.parameterization.TrackParameters
Get all seen parameters, set or unset, along with their owner objects.
getAntecedent() - Method in class elki.itemsetmining.associationrules.AssociationRule
Get the antecedent of the rule.
getApprox() - Method in class elki.index.vafile.PartialVAFile.PartialVACandidate
Get the vector approximation.
getApproximateAccuracy() - Method in class elki.database.query.distance.LinearScanEuclideanPrioritySearcher
 
getApproximateAccuracy() - Method in class elki.database.query.distance.LinearScanPrioritySearcher
 
getApproximateAccuracy() - Method in class elki.database.query.ExactPrioritySearcher
 
getApproximateAccuracy() - Method in interface elki.database.query.PrioritySearcher
Get approximate distance accuracy (if available).
getApproximateAccuracy() - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getApproximateAccuracy() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher
 
getApproximateAccuracy() - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreePrioritySearcher
 
getApproximateAccuracy() - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreePrioritySearcher
 
getApproximateAccuracy() - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreePrioritySearcher
 
getApproximateDistance() - Method in class elki.database.query.distance.LinearScanEuclideanPrioritySearcher
 
getApproximateDistance() - Method in class elki.database.query.distance.LinearScanPrioritySearcher
 
getApproximateDistance() - Method in class elki.database.query.ExactPrioritySearcher
 
getApproximateDistance() - Method in interface elki.database.query.PrioritySearcher
Get approximate distance (if available).
getApproximateDistance() - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getApproximateDistance() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher
 
getApproximateDistance() - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreePrioritySearcher
 
getApproximateDistance() - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreePrioritySearcher
 
getApproximateDistance() - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreePrioritySearcher
 
getApproximatedKnnDistance(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ApproximationLine
Returns the approximated knn-distance at the specified k.
getApproximation(int) - Method in class elki.index.vafile.PartialVAFile.PartialVACandidate
Get a single approximation value.
getApproximation(int) - Method in class elki.index.vafile.VectorApproximation
Get the VA approximation
getArrayRef() - Method in class elki.math.linearalgebra.Centroid
Low-level access to the element array.
getAsFile() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
 
getAsFile() - Method in interface elki.result.PixmapResult
Get the image result as file (usually a temporary file).
getAssignment(int, double[]) - Method in class elki.data.synthetic.bymodel.GeneratorMain.AssignLabelsByDensity
 
getAssignment(int, double[]) - Method in class elki.data.synthetic.bymodel.GeneratorMain.AssignLabelsByDistance
 
getAssignment(int, double[]) - Method in class elki.data.synthetic.bymodel.GeneratorMain.TestModel
 
getAUC() - Method in class elki.evaluation.outlier.OutlierSmROCCurve.SmROCResult
SmROC AUC value
getAUC() - Method in class elki.evaluation.scores.AUPRCEvaluation.PRCurve
 
getAUC() - Method in class elki.evaluation.scores.PRGCEvaluation.PRGCurve
 
getAUC() - Method in class elki.evaluation.scores.ROCEvaluation.ROCurve
 
getAUROC() - Method in class elki.algorithm.statistics.EvaluateRetrievalPerformance.RetrievalPerformanceResult
 
getAxisForDim(int) - Method in interface elki.visualization.projections.ProjectionParallel
Find the axis assigned to the given dimension.
getAxisForDim(int) - Method in class elki.visualization.projections.SimpleParallel
 
getAxisRange(double, double) - Method in class elki.visualization.visualizers.parallel.selection.SelectionToolLineVisualization.Instance
 
getAxisScale(int) - Method in interface elki.visualization.projections.ProjectionParallel
Get scale for the given axis
getAxisScale(int) - Method in class elki.visualization.projections.SimpleParallel
 
getAxisSep() - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
Distance between axes.
getB(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.PolynomialApproximation
Returns the parameter bp at the specified index p.
getBackgroundColor(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getBackgroundColor(String) - Method in interface elki.visualization.style.StyleLibrary
Retrieve background color for an item
getBaseResult() - Method in class elki.visualization.VisualizerContext
Starting point for visualization, may be null.
getBCubed() - Method in class elki.evaluation.clustering.ClusterContingencyTable
The BCubed based measures
getBegin() - Method in interface elki.logging.statistics.Duration
Get the begin of the interval.
getBegin() - Method in class elki.logging.statistics.MillisTimeDuration
 
getBegin() - Method in class elki.logging.statistics.NanoDuration
 
getBeta() - Method in class elki.math.statistics.distribution.GumbelDistribution
Get the shape
getBinNr(double) - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Compute the bin number.
getBinsize() - Method in class elki.utilities.datastructures.histogram.AbstractObjDynamicHistogram
 
getBinsize() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Get the size (width) of a bin.
getBinsize() - Method in class elki.utilities.datastructures.histogram.DoubleDynamicHistogram
 
getBinsize() - Method in interface elki.utilities.datastructures.histogram.Histogram
Get the size (width) of a bin.
getBuffer() - Method in class elki.utilities.io.BufferedLineReader
Get the reader buffer.
getBundle(DBIDRef) - Method in class elki.database.AbstractDatabase
 
getBundle(DBIDRef) - Method in interface elki.database.Database
Returns the DatabaseObject represented by the specified id.
getByte(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getByte(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getByte(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as byte.
getByte(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getByte(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getByte(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getByteSize(BitVector) - Method in class elki.data.BitVector.ShortSerializer
 
getByteSize(ByteVector) - Method in class elki.data.ByteVector.ShortSerializer
 
getByteSize(ByteVector) - Method in class elki.data.ByteVector.SmallSerializer
 
getByteSize(DoubleVector) - Method in class elki.data.DoubleVector.ShortSerializer
 
getByteSize(DoubleVector) - Method in class elki.data.DoubleVector.SmallSerializer
 
getByteSize(DoubleVector) - Method in class elki.data.DoubleVector.VariableSerializer
 
getByteSize(FloatVector) - Method in class elki.data.FloatVector.ShortSerializer
 
getByteSize(FloatVector) - Method in class elki.data.FloatVector.SmallSerializer
 
getByteSize(FloatVector) - Method in class elki.data.FloatVector.VariableSerializer
 
getByteSize(IntegerVector) - Method in class elki.data.IntegerVector.ShortSerializer
 
getByteSize(IntegerVector) - Method in class elki.data.IntegerVector.SmallSerializer
 
getByteSize(IntegerVector) - Method in class elki.data.IntegerVector.VariableSerializer
 
getByteSize(LabelList) - Method in class elki.data.LabelList.Serializer
 
getByteSize(ShortVector) - Method in class elki.data.ShortVector.ShortSerializer
 
getByteSize(ShortVector) - Method in class elki.data.ShortVector.VariableSerializer
 
getByteSize(SimpleClassLabel) - Method in class elki.data.SimpleClassLabel.Serializer
 
getByteSize(SparseByteVector) - Method in class elki.data.SparseByteVector.VariableSerializer
 
getByteSize(SparseDoubleVector) - Method in class elki.data.SparseDoubleVector.VariableSerializer
 
getByteSize(SparseFloatVector) - Method in class elki.data.SparseFloatVector.VariableSerializer
 
getByteSize(SparseIntegerVector) - Method in class elki.data.SparseIntegerVector.VariableSerializer
 
getByteSize(SparseShortVector) - Method in class elki.data.SparseShortVector.VariableSerializer
 
getByteSize(SimpleTypeInformation<?>) - Method in class elki.data.type.TypeInformationSerializer.SimpleTypeSerializer
 
getByteSize(TypeInformation) - Method in class elki.data.type.TypeInformationSerializer
 
getByteSize(VectorFieldTypeInformation<?>) - Method in class elki.data.type.TypeInformationSerializer.VectorFieldTypeSerializer
 
getByteSize(VectorTypeInformation<?>) - Method in class elki.data.type.TypeInformationSerializer.VectorTypeSerializer
 
getByteSize(DBID) - Method in class elki.database.ids.integer.IntegerDBID.DynamicSerializer
 
getByteSize(DBID) - Method in class elki.database.ids.integer.IntegerDBID.StaticSerializer
 
getByteSize(Byte) - Method in class elki.utilities.io.ByteArrayUtil.ByteSerializer
Deprecated.
getByteSize(Double) - Method in class elki.utilities.io.ByteArrayUtil.DoubleSerializer
Deprecated.
getByteSize(Float) - Method in class elki.utilities.io.ByteArrayUtil.FloatSerializer
Deprecated.
getByteSize(Integer) - Method in class elki.utilities.io.ByteArrayUtil.IntegerSerializer
Deprecated.
getByteSize(Integer) - Method in class elki.utilities.io.ByteArrayUtil.VarintSerializer
Deprecated.
getByteSize(Long) - Method in class elki.utilities.io.ByteArrayUtil.LongSerializer
Deprecated.
getByteSize(Short) - Method in class elki.utilities.io.ByteArrayUtil.ShortSerializer
Deprecated.
getByteSize(String) - Method in class elki.utilities.io.ByteArrayUtil.StringSerializer
 
getByteSize(T) - Method in interface elki.utilities.io.ByteBufferSerializer
Get the size of the object in bytes.
getCached(String, String, Class<T>) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
Get a value from the cache (to avoid repeated parsing)
getCandidates(V) - Method in class elki.index.lsh.InMemoryLSHIndex.Instance
Get the candidates: points which have at least one hash bucket in common.
getCapacity() - Method in class elki.index.tree.AbstractNode
Returns the capacity of this node (i.e. the length of the entries arrays).
getCapacity() - Method in class elki.index.tree.betula.CFTree
Get the tree capacity
getCellEditorValue() - Method in class elki.gui.util.ParameterTable.AdjustingEditor
 
getCellEditorValue() - Method in class elki.gui.util.ParameterTable.ClassListEditor
Delegate getCellEditorValue to the text field.
getCellEditorValue() - Method in class elki.gui.util.ParameterTable.FileNameEditor
Delegate getCellEditorValue to the text field.
getCenter() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram.Iter
 
getCenter() - Method in interface elki.utilities.datastructures.histogram.Histogram.Iter
Get the bin center.
getCenterOfMass() - Method in class elki.data.uncertain.AbstractUncertainObject
 
getCenterOfMass() - Method in class elki.data.uncertain.SimpleGaussianContinuousUncertainObject
 
getCenterOfMass() - Method in interface elki.data.uncertain.UncertainObject
Get the center of mass of the uncertain object.
getCenterOfMass() - Method in class elki.data.uncertain.UniformContinuousUncertainObject
 
getCenterOfMass() - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject
 
getCenterOfMass() - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject
 
getCentroid() - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the centroid of this model.
getCF() - Method in class elki.index.tree.betula.CFNode
 
getCF() - Method in interface elki.index.tree.betula.features.AsClusterFeature
Get as clustering feature.
getCF() - Method in interface elki.index.tree.betula.features.ClusterFeature
 
getChar(int) - Method in class elki.utilities.io.Tokenizer
Get a single character.
getChild(int) - Method in class elki.index.tree.betula.CFNode
Get CF from Index i
getChild(int) - Method in class elki.visualization.parallel3d.layout.AbstractLayout3DPC.AbstractNode
 
getChild(int) - Method in interface elki.visualization.parallel3d.layout.Layout.Node
Get a child node.
getChiSq() - Method in class elki.math.linearalgebra.fitting.LevenbergMarquardtMethod
Get current ChiSquared (squared error sum)
getClass(String) - Method in class elki.visualization.css.CSSClassManager
Retrieve a single class by name only
getClass(String, Object) - Method in class elki.visualization.css.CSSClassManager
Retrieve a single class by name and owner
getClasses() - Method in class elki.visualization.css.CSSClassManager
Get all CSS classes in this manager.
getClassLabels(Database) - Static method in class elki.database.DatabaseUtil
Retrieves all class labels within the database.
getClassLabels(Relation<? extends ClassLabel>) - Static method in class elki.database.DatabaseUtil
Retrieves all class labels within the database.
getClassName() - Method in class elki.gui.util.ClassTree.ClassNode
Return the class name.
getClipmax() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Return a copy of the 'clipping maximum' double[]
getClipmin() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Return a copy of the 'clipping minimum' double[].
getClusterBoundary(Relation<O>, List<? extends Cluster<MeanModel>>) - Method in class elki.outlier.clustering.CBLOF
Compute the boundary index separating the large cluster from the small cluster.
getClusterHierarchy() - Method in class elki.data.Clustering
Get the cluster hierarchy.
getClustering() - Method in class elki.visualization.style.ClusterStylingPolicy
Get the clustering used by this styling policy
getClusteringDescription(int) - Method in class elki.evaluation.clustering.pairsegments.Segments
Get the description of the nth clustering.
getClusteringResults(Object) - Static method in class elki.data.Clustering
Collect all clustering results from a Result
getClusterings() - Method in class elki.evaluation.clustering.pairsegments.Segments
Get the number of clusterings
getClusterOrder() - Method in class elki.visualization.opticsplot.OPTICSPlot
Get the cluster order we are attached to.
getClusterOrder() - Method in class elki.visualization.visualizers.optics.AbstractOPTICSVisualization
Access the raw cluster order
getCoefficents() - Method in class elki.math.linearalgebra.LinearEquationSystem
Returns a copy of the coefficient array of this linear equation system.
getCoefficients() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.PolynomialApproximation
Returns a copy of the the array of coefficients b0, ..., bp.
getCol(double[][], int) - Static method in class elki.math.linearalgebra.VMath
Get a column from a matrix as vector.
getColDim() - Method in class elki.clustering.biclustering.AbstractBiclustering
The number of columns of the data matrix.
getCollectionResults(Object) - Static method in class elki.result.ResultUtil
Collect all collection results from a Result
getColor() - Method in class elki.math.geometry.XYPlot.Curve
Suggested color number.
getColor(int) - Method in interface elki.visualization.colors.ColorLibrary
Return the i'th color.
getColor(int) - Method in class elki.visualization.colors.ListBasedColorLibrary
 
getColor(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getColor(String) - Method in interface elki.visualization.style.StyleLibrary
Retrieve a color for an item
getColorForDBID(DBIDRef) - Method in class elki.visualization.style.ClusterStylingPolicy
 
getColorForDBID(DBIDRef) - Method in interface elki.visualization.style.StylingPolicy
Get the color for an individual object.
getColorForDBID(DBIDRef) - Method in class elki.visualization.visualizers.pairsegments.SegmentsStylingPolicy
 
getColorForValue(double) - Static method in class elki.result.KMLOutputHandler
Get color from a simple heatmap.
getColorSet(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getColorSet(String) - Method in interface elki.visualization.style.StyleLibrary
Retrieve colorset for an item
getColumn(int) - Method in class elki.datasource.bundle.MultipleObjectsBundle
Get the raw objects columns.
getColumnClass(int) - Method in class elki.gui.util.ParametersModel
 
getColumnCount() - Method in class elki.gui.util.ParametersModel
 
getColumnCount() - Method in class elki.visualization.gui.SelectionTableWindow.DatabaseTableModel
 
getColumnDimensionality(double[][]) - Static method in class elki.math.linearalgebra.VMath
Returns the dimensionality of the columns of this matrix.
getColumnIDs() - Method in class elki.data.model.BiclusterModel
Provides a copy of the column IDs contributing to the Bicluster.
getColumnLabel(Relation<? extends V>, int) - Static method in class elki.database.relation.RelationUtil
Get the column name or produce a generic label "Column XY".
getColumnName(int) - Method in class elki.gui.util.ParametersModel
 
getColumnName(int) - Method in class elki.visualization.gui.SelectionTableWindow.DatabaseTableModel
 
getColumnPermutations() - Method in class elki.math.linearalgebra.LinearEquationSystem
Returns a copy of the column permutations, column i is at position column[i].
getColumnVector() - Method in class elki.clustering.correlation.cash.ParameterizationFunction
Get the actual vector used (as copy).
getCommonPreferenceVector(DBIDRef) - Method in class elki.clustering.subspace.DiSH.DiSHClusterOrder
Get the common subspace.
getConsequent() - Method in class elki.itemsetmining.associationrules.AssociationRule
Get the consequent of the rule.
getConservativeKnnDistanceApproximation() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPDirectoryEntry
Returns the conservative approximation line.
getConservativeKnnDistanceApproximation() - Method in interface elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPEntry
Returns the conservative approximation line.
getConservativeKnnDistanceApproximation() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPLeafEntry
Returns the conservative approximation line.
getConsoleWidth() - Static method in class elki.utilities.io.FormatUtil
Get the width of the terminal window (on Unix xterms), with a default of 78 characters.
getConstraints() - Method in class elki.utilities.optionhandling.parameters.AbstractParameter
 
getConstraints() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Get the parameter constraints.
getContainer(PlotItem, VisualizationTask) - Method in class elki.visualization.gui.overview.LayerMap
Get the container element referenced by a item/key combination.
getContentType(String) - Method in class elki.visualization.batikutil.ThumbnailRegistryEntry.InternalParsedURLData
 
getContingencyTable() - Method in class elki.evaluation.clustering.EvaluateClustering.ScoreResult
Get the contingency table
getCoordAt(int) - Method in class elki.outlier.density.HySortOD.Hypercube
 
getCoordinates(Event) - Method in class elki.visualization.batikutil.DragableArea
Return the event coordinates for this event.
getCoords() - Method in class elki.outlier.density.HySortOD.Hypercube
 
getCore() - Method in class elki.clustering.dbscan.util.MultiBorder
Get the core this is assigned to.
getCore() - Static method in class elki.parallel.ParallelCore
Get the static core object.
getCoreDistanceStore() - Method in class elki.clustering.hierarchical.ClusterDensityMergeHistory
Get the core distances
getCoreObjects() - Method in class elki.data.model.CoreObjectsModel
Get the core object IDs.
getCorrelation() - Method in class elki.math.PearsonCorrelation
Get the Pearson correlation value.
getCorrelationDimension() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Get correlation (subspace) dimensionality
getCorrelationDimensionality() - Method in class elki.data.model.CorrelationAnalysisSolution
Return the correlation dimensionality.
getCorrelationValue(DBIDRef) - Method in class elki.clustering.optics.CorrelationClusterOrder
Get the correlation dimensionality.
getCount() - Method in class elki.math.Mean
Get the number of points the average is based on.
getCount() - Method in class elki.math.PearsonCorrelation
Get the number of points the average is based on.
getCount() - Method in class elki.outlier.lof.ALOCI.Node
Get count of subtree
getCovarianceMatrix() - Method in class elki.data.model.EMModel
 
getCovarianceMatrixBuilder() - Method in class elki.math.linearalgebra.pca.PCARunner
Get covariance matrix builder.
getCoverage() - Method in class elki.clustering.subspace.clique.CLIQUESubspace
Returns the coverage of this subspace, which is the number of all feature vectors that fall inside the dense units of this subspace.
getCoveringRadius() - Method in class elki.index.tree.metrical.mtreevariants.MTreeDirectoryEntry
Returns the covering radius of this entry.
getCoveringRadius() - Method in interface elki.index.tree.metrical.mtreevariants.MTreeEntry
Returns the covering radius if this entry is a directory entry, null otherwise.
getCoveringRadius() - Method in class elki.index.tree.metrical.mtreevariants.MTreeLeafEntry
Returns zero, since a leaf entry has no covering radius.
getCoverMaximum() - Method in class elki.utilities.datastructures.histogram.AbstractObjDynamicHistogram
 
getCoverMaximum() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Get maximum (covered by bins, not data!)
getCoverMaximum() - Method in class elki.utilities.datastructures.histogram.DoubleDynamicHistogram
 
getCoverMaximum() - Method in interface elki.utilities.datastructures.histogram.Histogram
Get maximum (covered by bins, not data!)
getCoverMinimum() - Method in class elki.utilities.datastructures.histogram.AbstractObjDynamicHistogram
 
getCoverMinimum() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Get minimum (covered by bins, not data!)
getCoverMinimum() - Method in class elki.utilities.datastructures.histogram.DoubleDynamicHistogram
 
getCoverMinimum() - Method in interface elki.utilities.datastructures.histogram.Histogram
Get minimum (covered by bins, not data!)
getCovmat() - Method in class elki.math.linearalgebra.fitting.LevenbergMarquardtMethod
Get the final covariance matrix.
getCSSClassManager() - Method in class elki.visualization.svg.SVGPlot
Get the plots CSS class manager.
getCubicSum(int) - Method in class elki.outlier.lof.ALOCI.Node
Get cubic sum.
getCurrentRatio() - Method in class elki.visualization.batikutil.LazyCanvasResizer
Get the components current ratio.
getD() - Method in class elki.math.linearalgebra.EigenvalueDecomposition
Return the block diagonal eigenvalue matrix
getD_max() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the maximum distance value.
getD_min() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the minimum distance value.
getDatabase() - Method in class elki.workflow.InputStep
Get the database to use.
getDataTypeInformation() - Method in class elki.database.relation.ConvertToStringView
 
getDataTypeInformation() - Method in class elki.database.relation.DBIDView
 
getDataTypeInformation() - Method in class elki.database.relation.MaterializedDoubleRelation
 
getDataTypeInformation() - Method in class elki.database.relation.MaterializedRelation
 
getDataTypeInformation() - Method in class elki.database.relation.ProjectedView
 
getDataTypeInformation() - Method in class elki.database.relation.ProxyView
 
getDataTypeInformation() - Method in interface elki.database.relation.Relation
Get the data type of this representation
getDataTypeInformation() - Method in class elki.index.tree.spatial.kd.MemoryKDTree.CountingRelation
 
getDBID() - Method in interface elki.index.tree.LeafEntry
Get the DBID of this leaf entry.
getDBID() - Method in class elki.index.tree.metrical.mtreevariants.MTreeLeafEntry
 
getDBID() - Method in class elki.index.tree.spatial.SpatialPointLeafEntry
 
getDBIDs() - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get the object ids in this clustering.
getDBIDs() - Method in class elki.clustering.optics.ClusterOrder
 
getDBIDs() - Method in class elki.database.relation.ConvertToStringView
 
getDBIDs() - Method in class elki.database.relation.DBIDView
 
getDBIDs() - Method in class elki.database.relation.MaterializedDoubleRelation
 
getDBIDs() - Method in class elki.database.relation.MaterializedRelation
 
getDBIDs() - Method in class elki.database.relation.ProjectedView
 
getDBIDs() - Method in class elki.database.relation.ProxyView
 
getDBIDs() - Method in interface elki.database.relation.Relation
Get the IDs the query is defined for.
getDBIDs() - Method in class elki.datasource.bundle.MultipleObjectsBundle
Get the DBIDs, may be null.
getDBIDs() - Method in class elki.evaluation.clustering.pairsegments.Segment
Get the DBIDs of objects contained in this segment.
getDBIDs() - Method in class elki.index.tree.spatial.kd.MemoryKDTree.CountingRelation
 
getDBIDs() - Method in interface elki.result.OrderingResult
Get the full set of DBIDs this ordering is defined for.
getDBIDs() - Method in class elki.result.outlier.OrderingFromRelation
 
getDBIDs(ClusterFeature) - Method in class elki.index.tree.betula.CFTree
Get the DBIDs of a cluster feature (if stored).
getDBIDSerializer() - Method in interface elki.database.ids.DBIDFactory
Get a serializer for DBIDs.
getDBIDSerializer() - Static method in class elki.database.ids.DBIDUtil
Get a serializer for DBIDs.
getDBIDSerializer() - Method in class elki.database.ids.integer.AbstractIntegerDBIDFactory
 
getDBIDSerializerStatic() - Method in interface elki.database.ids.DBIDFactory
Get a serializer for DBIDs with static size.
getDBIDSerializerStatic() - Static method in class elki.database.ids.DBIDUtil
Get a serializer for DBIDs with static size.
getDBIDSerializerStatic() - Method in class elki.database.ids.integer.AbstractIntegerDBIDFactory
 
getDefaultSerializer() - Method in class elki.data.BitVector.Factory
 
getDefaultSerializer() - Method in class elki.data.ByteVector.Factory
 
getDefaultSerializer() - Method in class elki.data.DoubleVector.Factory
 
getDefaultSerializer() - Method in interface elki.data.FeatureVector.Factory
Get the default serializer for this type.
getDefaultSerializer() - Method in class elki.data.FloatVector.Factory
 
getDefaultSerializer() - Method in class elki.data.IntegerVector.Factory
 
getDefaultSerializer() - Method in class elki.data.OneDimensionalDoubleVector.Factory
 
getDefaultSerializer() - Method in class elki.data.ShortVector.Factory
 
getDefaultSerializer() - Method in class elki.data.SparseByteVector.Factory
 
getDefaultSerializer() - Method in class elki.data.SparseDoubleVector.Factory
 
getDefaultSerializer() - Method in class elki.data.SparseFloatVector.Factory
 
getDefaultSerializer() - Method in class elki.data.SparseIntegerVector.Factory
 
getDefaultSerializer() - Method in class elki.data.SparseShortVector.Factory
 
getDefaultSerializer() - Method in class elki.data.uncertain.SimpleGaussianContinuousUncertainObject.Factory
 
getDefaultSerializer() - Method in class elki.data.uncertain.UniformContinuousUncertainObject.Factory
 
getDefaultSerializer() - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject.Factory
 
getDefaultSerializer() - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject.Factory
 
getDefaultValue() - Method in class elki.utilities.optionhandling.parameters.AbstractParameter
 
getDefaultValue() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Returns the default value of the parameter.
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.AbstractParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.ClassParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.DoubleArrayListParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.DoubleListParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.FileListParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.IntGeneratorParameter
 
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.IntListParameter
 
getDefaultValueAsString() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Get the default value as string.
getDefaultValueAsString() - Method in class elki.utilities.optionhandling.parameters.RandomParameter
 
getDefs() - Method in class elki.visualization.svg.SVGPlot
Getter for definitions section
getDelaunay() - Method in class elki.math.geometry.SweepHullDelaunay2D
Get the Delaunay triangulation.
getDensities() - Method in class elki.outlier.density.HySortOD.DensityStrategy
 
getDensities() - Method in class elki.outlier.density.HySortOD.NaiveStrategy
 
getDensities() - Method in class elki.outlier.density.HySortOD.TreeStrategy
 
getDensity() - Method in class elki.math.statistics.KernelDensityEstimator
Retrieve density array (NO copy)
getDensity() - Method in class elki.outlier.density.HySortOD.Hypercube
 
getDensity(double[]) - Method in interface elki.data.synthetic.bymodel.GeneratorInterface
Get the density of the given vector
getDensity(double[]) - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Compute density for cluster model at given double[] p-
getDensity(double[]) - Method in class elki.data.synthetic.bymodel.GeneratorStatic
 
getDensityCorrection() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Return density correction factor
getDescription() - Method in class elki.utilities.optionhandling.OptionID
Returns the description of this OptionID.
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.GreaterConstraint
 
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.GreaterEqualConstraint
 
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.LessConstraint
 
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.LessEqualConstraint
 
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.ListEachNumberConstraint
 
getDescription(String) - Method in class elki.utilities.optionhandling.constraints.ListSizeConstraint
 
getDescription(String) - Method in interface elki.utilities.optionhandling.constraints.ParameterConstraint
Returns a description of this constraint.
getDiagonal(double[][]) - Static method in class elki.math.linearalgebra.VMath
getDiagonal returns array of diagonal-elements.
getDiff() - Method in class elki.math.DoubleMinMax
Return the difference between minimum and maximum.
getDiff() - Method in class elki.math.IntegerMinMax
Return the difference between minimum and maximum.
getDiff() - Method in class elki.math.MeanVarianceMinMax
Return the difference between minimum and maximum.
getDiffX() - Method in class elki.visualization.projections.CanvasSize
 
getDiffY() - Method in class elki.visualization.projections.CanvasSize
 
getDim() - Method in interface elki.data.synthetic.bymodel.GeneratorInterface
Get dimensionality of generated data
getDim() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
getDim() - Method in class elki.data.synthetic.bymodel.GeneratorStatic
 
getDim() - Method in class elki.visualization.parallel3d.layout.AbstractLayout3DPC.AbstractNode
 
getDim() - Method in interface elki.visualization.parallel3d.layout.Layout.Node
Get the dimension represented by this node.
getDimension() - Method in class elki.data.model.DimensionModel
Get cluster dimensionality
getDimension() - Method in class elki.data.VectorUtil.SortDBIDsBySingleDimension
Get the dimension to sort by.
getDimension() - Method in class elki.data.VectorUtil.SortVectorsBySingleDimension
Get the dimension to sort by.
getDimension() - Method in class elki.index.vafile.DAFile
Return the dimension we indexed.
getDimension(int) - Method in class elki.clustering.subspace.clique.CLIQUEUnit
Get the ith dimension constrained.
getDimensionality() - Method in class elki.clustering.correlation.cash.ParameterizationFunction
Get the vector dimensionality.
getDimensionality() - Method in class elki.clustering.hierarchical.birch.ClusteringFeature
Dimensionality of the clustering feature.
getDimensionality() - Method in class elki.data.BitVector
 
getDimensionality() - Method in class elki.data.ByteVector
 
getDimensionality() - Method in class elki.data.DoubleVector
 
getDimensionality() - Method in interface elki.data.FeatureVector
The dimensionality of the vector space where of this FeatureVector of V is an element.
getDimensionality() - Method in class elki.data.FloatVector
 
getDimensionality() - Method in class elki.data.HyperBoundingBox
Returns the dimensionality of this HyperBoundingBox.
getDimensionality() - Method in class elki.data.IntegerVector
 
getDimensionality() - Method in class elki.data.OneDimensionalDoubleVector
 
getDimensionality() - Method in class elki.data.ShortVector
 
getDimensionality() - Method in class elki.data.SparseByteVector
 
getDimensionality() - Method in class elki.data.SparseDoubleVector
 
getDimensionality() - Method in class elki.data.SparseFloatVector
 
getDimensionality() - Method in class elki.data.SparseIntegerVector
 
getDimensionality() - Method in class elki.data.SparseShortVector
 
getDimensionality() - Method in class elki.data.spatial.Polygon
 
getDimensionality() - Method in class elki.data.spatial.PolygonsObject
 
getDimensionality() - Method in interface elki.data.spatial.SpatialComparable
Returns the dimensionality of the object.
getDimensionality() - Method in interface elki.data.type.FieldTypeInformation
Get the dimensionality of the type.
getDimensionality() - Method in class elki.data.type.VectorFieldTypeInformation
 
getDimensionality() - Method in class elki.data.uncertain.AbstractUncertainObject
 
getDimensionality() - Method in class elki.datasource.filter.transform.NumberVectorFeatureSelectionFilter
Get the resulting dimensionality.
getDimensionality() - Method in class elki.index.preprocessed.knn.SpatialPair
 
getDimensionality() - Method in class elki.index.tree.betula.features.BIRCHCF
 
getDimensionality() - Method in class elki.index.tree.betula.features.VIIFeature
 
getDimensionality() - Method in class elki.index.tree.betula.features.VVIFeature
 
getDimensionality() - Method in class elki.index.tree.betula.features.VVVFeature
 
getDimensionality() - Method in class elki.index.tree.spatial.SpatialDirectoryEntry
 
getDimensionality() - Method in class elki.index.tree.spatial.SpatialPointLeafEntry
 
getDimensionality() - Method in class elki.index.vafile.VectorApproximation
Get the dimensionality
getDimensionality() - Method in class elki.math.linearalgebra.AffineTransformation
Query dimensionality of the transformation.
getDimensionality() - Method in class elki.math.linearalgebra.Centroid
 
getDimensionality() - Method in class elki.math.linearalgebra.CovarianceMatrix
Get the matrix dimensionality.
getDimensionality() - Method in class elki.outlier.lof.ALOCI.Node
 
getDimensions() - Method in class elki.clustering.subspace.PROCLUS.PROCLUSCluster
Returns the correlated dimensions of this cluster as BitSet.
getDimensions() - Method in class elki.data.model.SubspaceModel
Returns the BitSet that represents the dimensions of the subspace of this SubspaceModel.
getDimensions() - Method in class elki.data.Subspace
Returns the BitSet representing the dimensions of this subspace.
getDimForAxis(int) - Method in interface elki.visualization.projections.ProjectionParallel
Get the dimension for the given axis number
getDimForAxis(int) - Method in class elki.visualization.projections.SimpleParallel
 
getDimForObject(NumberVector, int) - Method in class elki.outlier.distance.HilOut.HilbertFeatures
Get the (projected) position of the object in dimension dim.
getDimForVisibleAxis(int) - Method in interface elki.visualization.projections.ProjectionParallel
Get the dimension for the given visible axis
getDimForVisibleAxis(int) - Method in class elki.visualization.projections.SimpleParallel
 
getDirCapacity() - Method in class elki.index.tree.TreeIndexHeader
Returns the capacity of a directory node (= 1 + maximum number of entries in a directory node).
getDirMinimum() - Method in class elki.index.tree.TreeIndexHeader
Returns the minimum number of entries in a directory node.
getDisableInteractions() - Method in class elki.visualization.svg.SVGPlot
Get Batik disable default interactions flag.
getDiscarded() - Method in interface elki.data.synthetic.bymodel.GeneratorInterfaceDynamic
Get number of discarded points
getDiscarded() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
getDistance() - Method in class elki.classification.KNNClassifier
Returns the distance.
getDistance() - Method in class elki.clustering.kmeans.AbstractKMeans
 
getDistance() - Method in class elki.clustering.kmeans.BestOfMultipleKMeans
 
getDistance() - Method in class elki.clustering.kmeans.BisectingKMeans
 
getDistance() - Method in interface elki.clustering.kmeans.KMeans
Returns the distance.
getDistance() - Method in class elki.clustering.kmedoids.CLARA.CachedDistanceQuery
 
getDistance() - Method in class elki.data.model.DendrogramModel
 
getDistance() - Method in class elki.database.query.distance.DBIDDistanceQuery
 
getDistance() - Method in class elki.database.query.distance.DBIDRangeDistanceQuery
 
getDistance() - Method in interface elki.database.query.distance.DistanceQuery
Get the inner distance function.
getDistance() - Method in class elki.database.query.distance.PrimitiveDistanceQuery
 
getDistance() - Method in interface elki.database.query.distance.SpatialDistanceQuery
Get the inner distance function.
getDistance() - Method in class elki.database.query.distance.SpatialPrimitiveDistanceQuery
 
getDistance() - Method in class elki.distance.AbstractDatabaseDistance.Instance
 
getDistance() - Method in class elki.distance.AbstractIndexBasedDistance.Instance
 
getDistance() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistanceQuery
 
getDistance() - Method in class elki.index.idistance.InMemoryIDistanceIndex
Distance function.
getDistance() - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor.Factory
Get the distance function.
getDistance() - Method in class elki.index.tree.metrical.MetricalIndexTree
Returns the distance function of this metrical index.
getDistance() - Method in class elki.index.tree.metrical.mtreevariants.AbstractMTree
 
getDistance() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.DistanceEntry
Returns the distance value belonging to the entry.
getDistance() - Method in class elki.visualization.parallel3d.util.Simple1DOFCamera
Get the distance
getDistance(double[]) - Method in class elki.application.greedyensemble.GreedyEnsembleExperiment
 
getDistance(DBIDRef, DBIDRef) - Method in class elki.similarity.kernel.KernelMatrix
Returns the kernel distance between the two specified objects.
getDistancePrioritySearcher(AbstractRStarTree<?, ?, ?>, SpatialDistanceQuery<O>, Object...) - Static method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeUtil
Get an RTree priority searcher.
getDistanceQuery() - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor
The distance query we used.
getDistanceQuery(Relation<? extends O>, Distance<? super O>, int) - Method in class elki.database.query.EmpiricalQueryOptimizer
 
getDistanceQuery(Relation<? extends O>, Distance<? super O>, int) - Method in interface elki.database.query.QueryOptimizer
Optimize a distance query for this relation.
getDistanceQuery(Distance<? super O>) - Method in interface elki.index.DistanceIndex
Get a KNN query object for the given distance query and k.
getDistanceQuery(Distance<? super O>) - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix
 
getDistribution(int) - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Get distribution along (generator) axis i.
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.CauchyMADEstimator
 
getDistributionClass() - Method in interface elki.math.statistics.distribution.estimator.DistributionEstimator
Get the class that is produced by the estimator.
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.EMGOlivierNorbergEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.ExpGammaExpMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.ExponentialLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.ExponentialMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.ExponentialMedianEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.ExponentialMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GammaChoiWetteEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GammaLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GammaMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GeneralizedExtremeValueLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GeneralizedLogisticAlternateLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GeneralizedParetoLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GumbelLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.GumbelMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.InverseGaussianMLEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.InverseGaussianMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LaplaceLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LaplaceMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LaplaceMLEEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogGammaLogMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogisticLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogisticMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogLogisticMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogNormalBilkovaLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogNormalLevenbergMarquardtKDEEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogNormalLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogNormalLogMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.LogNormalLogMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.meta.BestFitEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.meta.TrimmedEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.meta.WinsorizingEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.NormalLevenbergMarquardtKDEEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.NormalLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.NormalMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.NormalMOMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.RayleighLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.RayleighMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.RayleighMLEEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.SkewGNormalLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.UniformEnhancedMinMaxEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.UniformLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.UniformMADEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.UniformMinMaxEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.WeibullLMMEstimator
 
getDistributionClass() - Method in class elki.math.statistics.distribution.estimator.WeibullLogMADEstimator
 
getDocument() - Method in class elki.visualization.svg.SVGPlot
Retrieve the SVG document.
getDomImpl() - Static method in class elki.visualization.svg.SVGPlot
Get a suitable SVG DOM implementation from Batik 1.7 or 1.8.
getDouble() - Method in class elki.utilities.io.Tokenizer
Get current value as double.
getDouble(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getDouble(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getDouble(int) - Method in class elki.outlier.lof.LOCI.DoubleIntArrayList
Get the key at the given position.
getDouble(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as double.
getDouble(NumberVector, int) - Method in class elki.data.projection.FeatureSelection.ProjectedNumberFeatureVectorAdapter
 
getDouble(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getDouble(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getDouble(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getDoubleMinMax() - Method in class elki.math.MeanVarianceMinMax
Get the current minimum and maximum.
getDuration() - Method in interface elki.logging.statistics.Duration
Get the duration of the interval.
getDuration() - Method in class elki.logging.statistics.MillisTimeDuration
 
getDuration() - Method in class elki.logging.statistics.NanoDuration
 
getEdit() - Method in class elki.evaluation.clustering.ClusterContingencyTable
Get (compute) the edit-distance based measures
getEigenPairs() - Method in class elki.math.linearalgebra.pca.PCAResult
Returns the eigenpairs of the object to which this PCA belongs to in decreasing order.
getEigenvalue() - Method in class elki.math.linearalgebra.pca.EigenPair
Returns the eigenvalue.
getEigenvalues() - Method in class elki.math.linearalgebra.pca.PCAResult
Returns the local PCA eigenvalues in decreasing order.
getEigenvector() - Method in class elki.math.linearalgebra.pca.EigenPair
Returns the eigenvector.
getEigenvectors() - Method in class elki.math.linearalgebra.pca.PCAResult
Returns the local PCA eigenvectors, in rows.
getElement() - Method in class elki.visualization.batikutil.DragableArea
The DOM element.
getElementAt(int) - Method in class elki.gui.minigui.MiniGUI.SettingsComboboxModel
 
getElementAt(int) - Method in class elki.gui.multistep.panels.SavedSettingsTabPanel.SettingsComboboxModel
 
getElementAt(int) - Method in class elki.gui.util.SavedSettingsFile
Array access.
getEmptyPagesSize() - Method in class elki.index.tree.TreeIndexHeader
 
getEnd() - Method in interface elki.logging.statistics.Duration
Get the end of the interval.
getEnd() - Method in class elki.logging.statistics.MillisTimeDuration
 
getEnd() - Method in class elki.logging.statistics.NanoDuration
 
getEnd() - Method in class elki.utilities.io.Tokenizer
Get end of token.
getEndIndex() - Method in class elki.clustering.optics.OPTICSXi.SteepArea
End index
getEndIndex() - Method in class elki.data.model.OPTICSModel
End index of OPTICS cluster
getEntropy() - Method in class elki.evaluation.clustering.ClusterContingencyTable
Get (compute) the entropy based measures
getEntry() - Method in class elki.index.tree.IndexTreePath
Returns the entry of the component.
getEntry() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.DistanceEntry
Returns the entry of the Index.
getEntry(int) - Method in class elki.index.tree.AbstractNode
 
getEntry(int) - Method in interface elki.index.tree.Node
Returns the entry at the specified index.
getEpsilonFromY(double) - Method in class elki.visualization.visualizers.optics.OPTICSPlotCutVisualization.Instance
Get epsilon from y-value
getEquatorialRadius() - Method in class elki.math.geodesy.AbstractEarthModel
 
getEquatorialRadius() - Method in interface elki.math.geodesy.EarthModel
Equatorial radius
getErrors() - Method in class elki.utilities.optionhandling.parameterization.AbstractParameterization
 
getErrors() - Method in class elki.utilities.optionhandling.parameterization.MergedParameterization
 
getErrors() - Method in interface elki.utilities.optionhandling.parameterization.Parameterization
getErrors() - Method in class elki.utilities.optionhandling.parameterization.TrackParameters
 
getErrors() - Method in class elki.utilities.optionhandling.parameterization.UnParameterization
 
getEstimatedCoefficients() - Method in class elki.math.statistics.MultipleLinearRegression
Returns the estimated coefficients
getEstimatedResiduals() - Method in class elki.math.statistics.MultipleLinearRegression
Returns the estimated residuals
getEuclideanValue(DBIDRef) - Method in class elki.clustering.optics.CorrelationClusterOrder
Get the Euclidean distance in the orthogonal space.
getEvaluationStep() - Method in class elki.gui.multistep.panels.EvaluationTabPanel
Get the evaluation step.
getExp() - Method in class elki.result.EvaluationResult.Measurement
Get the expected value.
getExpanded(DeLiCluEntry) - Method in class elki.index.tree.spatial.rstarvariants.deliclu.DeLiCluTree
Returns the nodes which are already expanded with the specified node.
getExpanded(DeLiCluNode) - Method in class elki.index.tree.spatial.rstarvariants.deliclu.DeLiCluTree
Returns the nodes which are already expanded with the specified node.
getExpectedRepDistance(NumberVector, DiscreteUncertainObject) - Method in class elki.clustering.uncertain.UKMeans
Get expected distance between a Vector and an uncertain object
getExplainedVariance() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Returns explained variance
getExtraHeader() - Method in class elki.persistent.OnDiskArray
Read the extra header data.
getExtraHeaderSize() - Method in class elki.persistent.OnDiskArray
Return the size of the extra header.
getFactory() - Method in class elki.data.type.VectorTypeInformation
Get the object type factory.
getFactory() - Method in class elki.data.uncertain.uncertainifier.SimpleGaussianUncertainifier
 
getFactory() - Method in interface elki.data.uncertain.uncertainifier.Uncertainifier
Get the vector factory used for type information and serialization (if supported).
getFactory() - Method in class elki.data.uncertain.uncertainifier.UniformUncertainifier
 
getFactory() - Method in class elki.data.uncertain.uncertainifier.UnweightedDiscreteUncertainifier
 
getFactory() - Method in class elki.data.uncertain.uncertainifier.WeightedDiscreteUncertainifier
 
getFactory() - Method in class elki.visualization.VisualizationTask
Get the visualizer factory.
getFactory(Parameterization) - Method in class elki.datasource.parser.LibSVMFormatParser.Par
 
getFactory(Parameterization) - Method in class elki.datasource.parser.NumberVectorLabelParser.Par
Get the object factory.
getFactory(Parameterization) - Method in class elki.datasource.parser.SparseNumberVectorLabelParser.Par
 
getFactory(Parameterization) - Method in class elki.datasource.parser.TermFrequencyParser.Par
 
getFile() - Method in class elki.index.tree.IndexTree
Deprecated.
getFile() - Method in class elki.persistent.PersistentPageFile
 
getFilename() - Method in class elki.persistent.OnDiskArray
Get the file name.
getFilename(Object, String) - Method in class elki.result.textwriter.TextWriter
Try to find a unique file name.
getFilenameExtension(String) - Static method in class elki.utilities.io.FileUtil
Returns the lower case extension of the selected file.
getFilenameExtension(Path) - Static method in class elki.utilities.io.FileUtil
Returns the lower case extension of the selected file.
getFileType() - Method in class elki.utilities.optionhandling.parameters.FileParameter
Get the file type (input / output)
getFirst() - Method in interface elki.database.ids.DBIDPair
Deprecated.
This method can be expensive. The use of a DBIDVar is recommended when many such accesses are needed.
getFirst() - Method in class elki.database.ids.integer.IntegerDBIDPair
Deprecated.
getFirst() - Method in class elki.utilities.pairs.Pair
Getter for first
getFirstAssignments() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.Assignments
Returns the assignments to the first routing object.
getFirstDim() - Method in class elki.clustering.subspace.P3C.Signature
Find the first dimension set in this signature.
getFirstRoutingObject() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.Assignments
Returns the id of the first routing object.
getFitness() - Method in class elki.outlier.subspace.AggarwalYuEvolutionary.Individuum
Get the fitness of this individuum.
getFixedByteSize() - Method in class elki.database.ids.integer.IntegerDBID.StaticSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.ByteSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.DoubleSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.FloatSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.IntegerSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.LongSerializer
 
getFixedByteSize() - Method in class elki.utilities.io.ByteArrayUtil.ShortSerializer
 
getFixedByteSize() - Method in interface elki.utilities.io.FixedSizeByteBufferSerializer
Get the fixed size needed by this serializer.
getFloat(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getFloat(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getFloat(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as float.
getFloat(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getFloat(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getFloat(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getFontFamily(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getFontFamily(String) - Method in interface elki.visualization.style.StyleLibrary
Get font family
getFormats() - Static method in class elki.visualization.savedialog.SVGSaveDialog
 
getFreeMemory() - Static method in class elki.database.query.EmpiricalQueryOptimizer
Get the currently free amount of memory.
getFullDescription(Parameter<?>) - Static method in class elki.utilities.optionhandling.OptionUtil
Format a parameter description.
getGene() - Method in class elki.outlier.subspace.AggarwalYuEvolutionary.Individuum
Get the gene.
getGenerator() - Method in class elki.data.model.GeneratorModel
Get the cluster generator.
getGenerators() - Method in class elki.data.synthetic.bymodel.GeneratorMain
Access the generators.
getGlobalAlphaExtremum() - Method in class elki.clustering.correlation.cash.ParameterizationFunction
Returns the alpha values of the extremum point in interval [(0,...,0), (Pi,...
getGlobalExtremum() - Method in class elki.clustering.correlation.cash.ParameterizationFunction
Returns the global extremum of this function in interval [0,...
getGlobalExtremumType() - Method in class elki.clustering.correlation.cash.ParameterizationFunction
Returns the type of the global extremum in interval [0,...
getGlobalSeed() - Static method in class elki.utilities.random.RandomFactory
Initialize the default random.
getH() - Method in class elki.math.linearalgebra.QRDecomposition
Return the Householder vectors
getHalfLogDeterminant(CholeskyDecomposition) - Static method in class elki.clustering.em.models.MultivariateGaussianModel
Get 0.5 * log(det) of a cholesky decomposition.
getHandler(Object) - Method in class elki.utilities.HandlerList
Find a matching handler for the given object
getHeader() - Method in class elki.persistent.PersistentPageFile
Get the header of this persistent page file.
getHeader() - Method in class elki.result.CollectionResult
Get header information
getHeaderLines() - Method in class elki.result.EvaluationResult
Get the header lines.
getHeight() - Method in class elki.index.tree.metrical.mtreevariants.AbstractMTree
FIXME: expensive depth computation by following a path.
getHeight() - Method in class elki.index.tree.spatial.rstarvariants.AbstractRStarTree
Returns the height of this R*-Tree.
getHeight() - Method in class elki.visualization.gui.overview.RectangleArranger
Get the total canvas height
getHeight() - Method in class elki.visualization.opticsplot.OPTICSPlot
 
getHeight() - Method in class elki.visualization.parallel3d.util.Simple1DOFCamera
Get camera height
getHeight() - Method in class elki.visualization.silhouette.SilhouettePlot
 
getHeight() - Method in class elki.visualization.visualizers.AbstractVisualization
Get the height
getHighestClusterCount() - Method in class elki.evaluation.clustering.pairsegments.Segments
Returns the highest number of Clusters in the clusterings
getHull() - Method in class elki.math.geometry.FilteredConvexHull2D
Compute the convex hull, and return the resulting polygon.
getHull() - Method in class elki.math.geometry.GrahamScanConvexHull2D
Compute the convex hull, and return the resulting polygon.
getHull() - Method in class elki.math.geometry.SweepHullDelaunay2D
Get the convex hull only.
getIdElement(String) - Method in class elki.visualization.svg.SVGPlot
Get an element by its id.
getIds() - Method in class elki.clustering.subspace.clique.CLIQUEUnit
Returns the ids of the feature vectors this unit contains.
getIDs() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the set of ids of the objects associated with this interval.
getIDs() - Method in class elki.clustering.dbscan.predicates.AbstractRangeQueryNeighborPredicate.Instance
 
getIDs() - Method in class elki.clustering.dbscan.predicates.EpsilonNeighborPredicate.Instance
 
getIDs() - Method in interface elki.clustering.dbscan.predicates.NeighborPredicate.Instance
Get the IDs the predicate is defined for.
getIDs() - Method in class elki.clustering.dbscan.predicates.SimilarityNeighborPredicate.Instance
 
getIDs() - Method in class elki.clustering.uncertain.FDBSCANNeighborPredicate.Instance
 
getIDs() - Method in class elki.data.Cluster
Access group object
getIDs() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
Get the IDs
getImage() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
 
getImage() - Method in interface elki.result.PixmapResult
Get the image pixmap
getImagEigenvalues() - Method in class elki.math.linearalgebra.EigenvalueDecomposition
Return the imaginary parts of the eigenvalues
getIndex() - Method in class elki.distance.AbstractIndexBasedDistance.Instance
 
getIndex() - Method in interface elki.distance.IndexBasedDistance.Instance
Get the index used.
getIndex() - Method in class elki.index.tree.IndexTreePath
Returns the index of the component in its parent.
getIndex() - Method in class elki.similarity.AbstractIndexBasedSimilarity.Instance
 
getIndex() - Method in interface elki.similarity.IndexBasedSimilarity.Instance
Get the index used.
getIndexOfMaximum(double[]) - Static method in class elki.utilities.datastructures.arraylike.ArrayLikeUtil
Returns the index of the maximum of the given values.
getIndexOfMaximum(A, NumberArrayAdapter<?, A>) - Static method in class elki.utilities.datastructures.arraylike.ArrayLikeUtil
Returns the index of the maximum of the given values.
getInputDataTypeInformation() - Method in class elki.data.projection.FeatureSelection
 
getInputDataTypeInformation() - Method in class elki.data.projection.LatLngToECEFProjection
 
getInputDataTypeInformation() - Method in class elki.data.projection.LngLatToECEFProjection
 
getInputDataTypeInformation() - Method in class elki.data.projection.NumericalFeatureSelection
 
getInputDataTypeInformation() - Method in interface elki.data.projection.Projection
Input type information.
getInputDataTypeInformation() - Method in class elki.data.projection.RandomProjection
 
getInputDimensionality() - Method in class elki.visualization.projections.AbstractProjection
 
getInputDimensionality() - Method in class elki.visualization.projections.OPTICSProjection
 
getInputDimensionality() - Method in interface elki.visualization.projections.Projection
Get the input dimensionality of the projection.
getInputDimensionality() - Method in class elki.visualization.projections.SilhouetteProjection
 
getInputDimensionality() - Method in class elki.visualization.projections.SimpleParallel
 
getInputMode(Event) - Method in class elki.visualization.visualizers.optics.OPTICSPlotSelectionVisualization.Instance
Get the current input mode, on each mouse event.
getInputMode(Event) - Method in class elki.visualization.visualizers.parallel.selection.SelectionToolLineVisualization.Instance
Get the current input mode, on each mouse event.
getInputMode(Event) - Method in class elki.visualization.visualizers.scatterplot.selection.SelectionToolDotVisualization.Instance
Get the current input mode, on each mouse event.
getInputMode(Event) - Method in class elki.visualization.visualizers.silhouette.SilhouettePlotSelectionToolVisualization.Instance
Get the current input mode, on each mouse event.
getInputStep() - Method in class elki.gui.multistep.panels.InputTabPanel
Get the input step object.
getInputTypeRestriction() - Method in class elki.algorithm.DependencyDerivator
 
getInputTypeRestriction() - Method in interface elki.Algorithm
Get the input type restriction used for negotiating the data query.
getInputTypeRestriction() - Method in class elki.algorithm.KNNDistancesSampler
 
getInputTypeRestriction() - Method in class elki.algorithm.KNNJoin
 
getInputTypeRestriction() - Method in class elki.algorithm.NullAlgorithm
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.AddSingleScale
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.AddUniformScale
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.AveragePrecisionAtK
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.DistanceQuantileSampler
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.DistanceStatisticsWithClasses
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.EvaluateRankingQuality
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.EvaluateRetrievalPerformance
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.HopkinsStatisticClusteringTendency
 
getInputTypeRestriction() - Method in class elki.algorithm.statistics.RankingQualityHistogram
 
getInputTypeRestriction() - Method in class elki.classification.KNNClassifier
 
getInputTypeRestriction() - Method in class elki.classification.PriorProbabilityClassifier
 
getInputTypeRestriction() - Method in class elki.clustering.affinitypropagation.AffinityPropagation
 
getInputTypeRestriction() - Method in interface elki.clustering.affinitypropagation.AffinityPropagationInitialization
Get the data type information for the similarity computations.
getInputTypeRestriction() - Method in class elki.clustering.affinitypropagation.DistanceBasedInitializationWithMedian
 
getInputTypeRestriction() - Method in class elki.clustering.affinitypropagation.SimilarityBasedInitializationWithMedian
 
getInputTypeRestriction() - Method in class elki.clustering.BetulaLeafPreClustering
 
getInputTypeRestriction() - Method in class elki.clustering.biclustering.ChengAndChurch
 
getInputTypeRestriction() - Method in class elki.clustering.CanopyPreClustering
 
getInputTypeRestriction() - Method in class elki.clustering.CFSFDP
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.CASH
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.COPAC
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.ERiC
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.FourC
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.HiCO
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.LMCLUS
 
getInputTypeRestriction() - Method in class elki.clustering.correlation.ORCLUS
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.DBSCAN
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.GeneralizedDBSCAN
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.GriDBSCAN
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.LSDBC
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.parallel.ParallelGeneralizedDBSCAN
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.AbstractRangeQueryNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.COPACNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.EpsilonNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.ERiCNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.FourCNeighborPredicate
 
getInputTypeRestriction() - Method in interface elki.clustering.dbscan.predicates.NeighborPredicate
Input data type restriction.
getInputTypeRestriction() - Method in class elki.clustering.dbscan.predicates.SimilarityNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.em.BetulaGMM
 
getInputTypeRestriction() - Method in class elki.clustering.em.EM
 
getInputTypeRestriction() - Method in class elki.clustering.em.KDTreeEM
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.AbstractHDBSCAN
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.AGNES
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.Anderberg
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.birch.BIRCHLeafClustering
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.birch.BIRCHLloydKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.extraction.AbstractCutDendrogram
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.extraction.ClustersWithNoiseExtraction
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.extraction.HDBSCANHierarchyExtraction
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.extraction.SimplifiedHierarchyExtraction
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.HACAM
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.HDBSCANLinearMemory
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.LinearMemoryNNChain
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.MedoidLinkage
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.MiniMax
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.MiniMaxNNChain
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.OPTICSToHierarchical
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.SLINK
 
getInputTypeRestriction() - Method in class elki.clustering.hierarchical.SLINKHDBSCANLinearMemory
 
getInputTypeRestriction() - Method in class elki.clustering.kcenter.GreedyKCenter
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.AbstractKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.BestOfMultipleKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.BisectingKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.FuzzyCMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.parallel.ParallelLloydKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.spherical.SphericalKMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmeans.XMeans
 
getInputTypeRestriction() - Method in class elki.clustering.kmedoids.AlternatingKMedoids
 
getInputTypeRestriction() - Method in class elki.clustering.kmedoids.CLARANS
 
getInputTypeRestriction() - Method in class elki.clustering.kmedoids.PAM
 
getInputTypeRestriction() - Method in class elki.clustering.Leader
 
getInputTypeRestriction() - Method in class elki.clustering.meta.ExternalClustering
 
getInputTypeRestriction() - Method in class elki.clustering.NaiveMeanShiftClustering
 
getInputTypeRestriction() - Method in class elki.clustering.onedimensional.KNNKernelDensityMinimaClustering
 
getInputTypeRestriction() - Method in class elki.clustering.optics.AbstractOPTICS
 
getInputTypeRestriction() - Method in class elki.clustering.optics.DeLiClu
 
getInputTypeRestriction() - Method in class elki.clustering.optics.FastOPTICS
 
getInputTypeRestriction() - Method in class elki.clustering.optics.OPTICSXi
 
getInputTypeRestriction() - Method in class elki.clustering.SNNClustering
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.CLIQUE
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.DiSH
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.DOC
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.HiSC
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.P3C
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.PROCLUS
 
getInputTypeRestriction() - Method in class elki.clustering.subspace.SUBCLU
 
getInputTypeRestriction() - Method in class elki.clustering.svm.SupportVectorClustering
 
getInputTypeRestriction() - Method in class elki.clustering.trivial.ByLabelClustering
 
getInputTypeRestriction() - Method in class elki.clustering.trivial.ByLabelHierarchicalClustering
 
getInputTypeRestriction() - Method in class elki.clustering.trivial.ByModelClustering
 
getInputTypeRestriction() - Method in class elki.clustering.trivial.TrivialAllInOne
 
getInputTypeRestriction() - Method in class elki.clustering.trivial.TrivialAllNoise
 
getInputTypeRestriction() - Method in class elki.clustering.uncertain.CenterOfMassMetaClustering
 
getInputTypeRestriction() - Method in class elki.clustering.uncertain.FDBSCANNeighborPredicate
 
getInputTypeRestriction() - Method in class elki.clustering.uncertain.RepresentativeUncertainClustering
 
getInputTypeRestriction() - Method in class elki.clustering.uncertain.UKMeans
 
getInputTypeRestriction() - Method in class elki.datasource.filter.AbstractConversionFilter
Get the input type restriction used for negotiating the data query.
getInputTypeRestriction() - Method in class elki.datasource.filter.AbstractStreamConversionFilter
Get the input type restriction used for negotiating the data query.
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseMeanNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseMinMaxNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseVarianceNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.columnwise.InverseDocumentFrequencyNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.HellingerHistogramNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.InstanceLogRankNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.InstanceMeanVarianceNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.InstanceMinMaxNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.InstanceRankNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.LengthNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.normalization.instancewise.Log1PlusNormalization
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.GlobalPrincipalComponentAnalysisTransform
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.HistogramJitterFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.LatLngToECEFFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.LngLatToECEFFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.NumberVectorFeatureSelectionFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.NumberVectorRandomFeatureSelectionFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.PerturbationFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.transform.ProjectionFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.typeconversions.MultivariateTimeSeriesFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.typeconversions.SparseVectorFieldFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.typeconversions.SplitNumberVectorFilter
The input type we use.
getInputTypeRestriction() - Method in class elki.datasource.filter.typeconversions.UncertainSplitFilter
 
getInputTypeRestriction() - Method in class elki.datasource.filter.typeconversions.WeightedUncertainSplitFilter
 
getInputTypeRestriction() - Method in class elki.distance.AbstractDBIDRangeDistance
 
getInputTypeRestriction() - Method in class elki.distance.AbstractIndexBasedDistance
 
getInputTypeRestriction() - Method in class elki.distance.AbstractNumberVectorDistance
 
getInputTypeRestriction() - Method in class elki.distance.adapter.AbstractSimilarityAdapter
 
getInputTypeRestriction() - Method in class elki.distance.ArcCosineDistance
 
getInputTypeRestriction() - Method in class elki.distance.ArcCosineUnitlengthDistance
 
getInputTypeRestriction() - Method in class elki.distance.CanberraDistance
 
getInputTypeRestriction() - Method in class elki.distance.ClarkDistance
 
getInputTypeRestriction() - Method in class elki.distance.CosineDistance
 
getInputTypeRestriction() - Method in class elki.distance.CosineUnitlengthDistance
 
getInputTypeRestriction() - Method in interface elki.distance.Distance
Get the input data type of the function.
getInputTypeRestriction() - Method in class elki.distance.geo.DimensionSelectingLatLngDistance
 
getInputTypeRestriction() - Method in class elki.distance.geo.LatLngDistance
 
getInputTypeRestriction() - Method in class elki.distance.geo.LngLatDistance
 
getInputTypeRestriction() - Method in class elki.distance.MatrixWeightedQuadraticDistance
 
getInputTypeRestriction() - Method in class elki.distance.minkowski.LPNormDistance
 
getInputTypeRestriction() - Method in class elki.distance.minkowski.SparseLPNormDistance
 
getInputTypeRestriction() - Method in class elki.distance.minkowski.SparseSquaredEuclideanDistance
 
getInputTypeRestriction() - Method in class elki.distance.minkowski.SquaredEuclideanDistance
 
getInputTypeRestriction() - Method in class elki.distance.minkowski.WeightedLPNormDistance
 
getInputTypeRestriction() - Method in interface elki.distance.PrimitiveDistance
 
getInputTypeRestriction() - Method in class elki.distance.probabilistic.ChiSquaredDistance
 
getInputTypeRestriction() - Method in class elki.distance.probabilistic.FisherRaoDistance
 
getInputTypeRestriction() - Method in class elki.distance.probabilistic.HellingerDistance
 
getInputTypeRestriction() - Method in class elki.distance.RandomStableDistance
 
getInputTypeRestriction() - Method in class elki.distance.set.HammingDistance
 
getInputTypeRestriction() - Method in class elki.distance.set.JaccardSimilarityDistance
 
getInputTypeRestriction() - Method in class elki.distance.strings.LevenshteinDistance
 
getInputTypeRestriction() - Method in class elki.distance.strings.NormalizedLevenshteinDistance
 
getInputTypeRestriction() - Method in class elki.distance.subspace.OnedimensionalDistance
 
getInputTypeRestriction() - Method in class elki.distance.subspace.SubspaceLPNormDistance
 
getInputTypeRestriction() - Method in class elki.distance.timeseries.AbstractEditDistance
 
getInputTypeRestriction() - Method in class elki.distance.timeseries.LCSSDistance
 
getInputTypeRestriction() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.Factory
 
getInputTypeRestriction() - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix.Factory
 
getInputTypeRestriction() - Method in class elki.index.idistance.InMemoryIDistanceIndex.Factory
 
getInputTypeRestriction() - Method in interface elki.index.IndexFactory
Get the input type restriction used for negotiating the data query.
getInputTypeRestriction() - Method in class elki.index.invertedlist.InMemoryInvertedIndex.Factory
 
getInputTypeRestriction() - Method in class elki.index.laesa.LAESA.Factory
 
getInputTypeRestriction() - Method in class elki.index.lsh.hashfamilies.AbstractProjectedHashFunctionFamily
 
getInputTypeRestriction() - Method in class elki.index.lsh.hashfamilies.CosineHashFunctionFamily
 
getInputTypeRestriction() - Method in interface elki.index.lsh.hashfamilies.LocalitySensitiveHashFunctionFamily
Get the input type information.
getInputTypeRestriction() - Method in class elki.index.lsh.InMemoryLSHIndex
 
getInputTypeRestriction() - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor.Factory
 
getInputTypeRestriction() - Method in class elki.index.preprocessed.knn.NaiveProjectedKNNPreprocessor.Factory
 
getInputTypeRestriction() - Method in class elki.index.preprocessed.knn.SpacefillingKNNPreprocessor.Factory
 
getInputTypeRestriction() - Method in class elki.index.preprocessed.knn.SpacefillingMaterializeKNNPreprocessor.Factory
 
getInputTypeRestriction() - Method in class elki.index.preprocessed.snn.SharedNearestNeighborPreprocessor.Factory
 
getInputTypeRestriction() - Method in class elki.index.projected.ProjectedIndex.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.metrical.covertree.AbstractCoverTree.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.metrical.mtreevariants.AbstractMTreeFactory
 
getInputTypeRestriction() - Method in class elki.index.tree.metrical.vptree.GNAT.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.metrical.vptree.VPTree.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.spatial.kd.MemoryKDTree.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.spatial.kd.MinimalisticMemoryKDTree.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.spatial.kd.SmallMemoryKDTree.Factory
 
getInputTypeRestriction() - Method in class elki.index.tree.spatial.rstarvariants.AbstractRStarTreeFactory
 
getInputTypeRestriction() - Method in class elki.index.vafile.PartialVAFile.Factory
 
getInputTypeRestriction() - Method in class elki.index.vafile.VAFile.Factory
 
getInputTypeRestriction() - Method in class elki.itemsetmining.APRIORI
 
getInputTypeRestriction() - Method in class elki.itemsetmining.associationrules.AssociationRuleGeneration
 
getInputTypeRestriction() - Method in class elki.itemsetmining.Eclat
 
getInputTypeRestriction() - Method in class elki.itemsetmining.FPGrowth
 
getInputTypeRestriction() - Method in class elki.outlier.anglebased.ABOD
 
getInputTypeRestriction() - Method in class elki.outlier.anglebased.FastABOD
 
getInputTypeRestriction() - Method in class elki.outlier.anglebased.LBABOD
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.CBLOF
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.DBSCANOutlierDetection
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.EMOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.GLOSH
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.KMeansOutlierDetection
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.NoiseAsOutliers
 
getInputTypeRestriction() - Method in class elki.outlier.clustering.SilhouetteOutlierDetection
 
getInputTypeRestriction() - Method in class elki.outlier.COP
 
getInputTypeRestriction() - Method in class elki.outlier.density.HySortOD
 
getInputTypeRestriction() - Method in class elki.outlier.density.IsolationForest
 
getInputTypeRestriction() - Method in class elki.outlier.distance.AbstractDBOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.distance.HilOut
 
getInputTypeRestriction() - Method in class elki.outlier.distance.KNNDD
 
getInputTypeRestriction() - Method in class elki.outlier.distance.KNNOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.distance.KNNSOS
 
getInputTypeRestriction() - Method in class elki.outlier.distance.KNNWeightOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.distance.LocalIsolationCoefficient
 
getInputTypeRestriction() - Method in class elki.outlier.distance.ODIN
 
getInputTypeRestriction() - Method in class elki.outlier.distance.parallel.ParallelKNNOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.distance.parallel.ParallelKNNWeightOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.distance.ReferenceBasedOutlierDetection
 
getInputTypeRestriction() - Method in class elki.outlier.distance.SOS
 
getInputTypeRestriction() - Method in class elki.outlier.DWOF
 
getInputTypeRestriction() - Method in class elki.outlier.GaussianModel
 
getInputTypeRestriction() - Method in class elki.outlier.GaussianUniformMixture
 
getInputTypeRestriction() - Method in class elki.outlier.intrinsic.IDOS
 
getInputTypeRestriction() - Method in class elki.outlier.intrinsic.ISOS
 
getInputTypeRestriction() - Method in class elki.outlier.intrinsic.LID
 
getInputTypeRestriction() - Method in class elki.outlier.lof.ALOCI
 
getInputTypeRestriction() - Method in class elki.outlier.lof.COF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.FlexibleLOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.INFLO
 
getInputTypeRestriction() - Method in class elki.outlier.lof.KDEOS
 
getInputTypeRestriction() - Method in class elki.outlier.lof.LDF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.LDOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.LOCI
 
getInputTypeRestriction() - Method in class elki.outlier.lof.LOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.LoOP
 
getInputTypeRestriction() - Method in class elki.outlier.lof.parallel.ParallelLOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.parallel.ParallelSimplifiedLOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.SimpleKernelDensityLOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.SimplifiedLOF
 
getInputTypeRestriction() - Method in class elki.outlier.lof.VarianceOfVolume
 
getInputTypeRestriction() - Method in class elki.outlier.meta.ExternalDoubleOutlierScore
 
getInputTypeRestriction() - Method in class elki.outlier.meta.FeatureBagging
 
getInputTypeRestriction() - Method in class elki.outlier.meta.HiCS
 
getInputTypeRestriction() - Method in class elki.outlier.meta.RescaleMetaOutlierAlgorithm
 
getInputTypeRestriction() - Method in class elki.outlier.meta.SimpleOutlierEnsemble
 
getInputTypeRestriction() - Method in class elki.outlier.OPTICSOF
 
getInputTypeRestriction() - Method in class elki.outlier.SimpleCOP
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuGLSBackwardSearchAlgorithm
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuMeanMultipleAttributes
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuMedianAlgorithm
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuMedianMultipleAttributes
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuMoranScatterplotOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuRandomWalkEC
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuScatterplotOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.CTLuZTestOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.neighborhood.ExtendedNeighborhood.Factory
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.neighborhood.ExternalNeighborhood.Factory
 
getInputTypeRestriction() - Method in interface elki.outlier.spatial.neighborhood.NeighborSetPredicate.Factory
Get the input type information
getInputTypeRestriction() - Method in class elki.outlier.spatial.neighborhood.PrecomputedKNearestNeighborNeighborhood.Factory
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.neighborhood.weighted.LinearWeightedExtendedNeighborhood.Factory
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.neighborhood.weighted.UnweightedNeighborhoodAdapter.Factory
 
getInputTypeRestriction() - Method in interface elki.outlier.spatial.neighborhood.weighted.WeightedNeighborSetPredicate.Factory
Get the input type information
getInputTypeRestriction() - Method in class elki.outlier.spatial.SLOM
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.SOF
 
getInputTypeRestriction() - Method in class elki.outlier.spatial.TrimmedMeanApproach
 
getInputTypeRestriction() - Method in class elki.outlier.subspace.AbstractAggarwalYuOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.subspace.OutRankS1
 
getInputTypeRestriction() - Method in class elki.outlier.subspace.OUTRES
 
getInputTypeRestriction() - Method in class elki.outlier.subspace.SOD
 
getInputTypeRestriction() - Method in class elki.outlier.svm.LibSVMOneClassOutlierDetection
 
getInputTypeRestriction() - Method in class elki.outlier.svm.OCSVM
 
getInputTypeRestriction() - Method in class elki.outlier.svm.SVDD
 
getInputTypeRestriction() - Method in class elki.outlier.trivial.ByLabelOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.trivial.TrivialAllOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.trivial.TrivialAverageCoordinateOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.trivial.TrivialGeneratedOutlier
 
getInputTypeRestriction() - Method in class elki.outlier.trivial.TrivialNoOutlier
 
getInputTypeRestriction() - Method in interface elki.projection.AffinityMatrixBuilder
Supported input data.
getInputTypeRestriction() - Method in class elki.projection.BarnesHutTSNE
 
getInputTypeRestriction() - Method in class elki.projection.GaussianAffinityMatrixBuilder
Supported input data.
getInputTypeRestriction() - Method in class elki.projection.PerplexityAffinityMatrixBuilder
Supported input data.
getInputTypeRestriction() - Method in class elki.projection.SNE
 
getInputTypeRestriction() - Method in class elki.projection.TSNE
 
getInputTypeRestriction() - Method in class elki.similarity.AbstractIndexBasedSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.AbstractVectorSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusteringAdjustedRandIndexSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusteringBCubedF1Similarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusteringFowlkesMallowsSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusteringRandIndexSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusterIntersectionSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.cluster.ClusterJaccardSimilarity
 
getInputTypeRestriction() - Method in class elki.similarity.InvertedDistanceSimilarity
 
getInputTypeRestriction() - Method in interface elki.similarity.Similarity
Get the input data type of the function.
getInputTypeRestriction() - Method in class elki.timeseries.OfflineChangePointDetectionAlgorithm
 
getInputTypeRestriction() - Method in class elki.timeseries.SigniTrendChangeDetection
 
getInputTypeRestriction() - Method in class tutorial.clustering.CFSFDP
 
getInputTypeRestriction() - Method in class tutorial.clustering.NaiveAgglomerativeHierarchicalClustering1
 
getInputTypeRestriction() - Method in class tutorial.clustering.NaiveAgglomerativeHierarchicalClustering2
 
getInputTypeRestriction() - Method in class tutorial.clustering.NaiveAgglomerativeHierarchicalClustering3
 
getInputTypeRestriction() - Method in class tutorial.clustering.NaiveAgglomerativeHierarchicalClustering4
 
getInputTypeRestriction() - Method in class tutorial.distancefunction.MultiLPNorm
 
getInputTypeRestriction() - Method in class tutorial.distancefunction.TutorialDistance
 
getInputTypeRestriction() - Method in class tutorial.outlier.DistanceStddevOutlier
 
getInputTypeRestriction() - Method in class tutorial.outlier.ODIN
 
getInserts() - Method in class elki.database.datastore.DataStoreEvent
Get the inserted objects.
getInstance(SharedVariable<I>) - Method in interface elki.parallel.Executor
Get a channel for this executor.
getInstance(SharedVariable<I>) - Method in class elki.parallel.ParallelExecutor.BlockArrayRunner
 
getInstance(SharedVariable<I>) - Method in class elki.parallel.SingleThreadedExecutor.SingleThreadedRunner
 
getInstances() - Method in class elki.outlier.density.HySortOD.Hypercube
 
getInt(int) - Method in class elki.outlier.lof.LOCI.DoubleIntArrayList
Get the value at the given position.
getIntBase10() - Method in class elki.utilities.io.Tokenizer
Get current value as int.
getInteger(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getInteger(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getInteger(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as integer.
getInteger(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getInteger(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getInteger(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getIntensityForDBID(DBIDRef) - Method in class elki.visualization.style.ClusterStylingPolicy
 
getIntensityForDBID(DBIDRef) - Method in interface elki.visualization.style.StylingPolicy
Get the Intensity for an individual object.
getInverse() - Method in class elki.math.linearalgebra.AffineTransformation
Get a the inverse matrix
getInvertedRows() - Method in class elki.data.model.BiclusterWithInversionsModel
Provides a copy of the inverted column IDs.
getInvP() - Method in class elki.distance.minkowski.LPNormDistance
Get the functions 1/p parameter.
getIOCosts() - Method in class elki.index.vafile.DAFile
Estimate the IO costs for this index.
getIOCosts(int, int) - Method in class elki.index.vafile.PartialVAFile.PartialVAFileKNNQuery
Computes IO costs (in bytes) needed for refining the candidates.
getIOCosts(DAFile, int) - Method in class elki.index.vafile.PartialVAFile.PartialVAFileKNNQuery
Computes IO costs (in bytes) needed for reading several DA-files.
getItemsets() - Method in class elki.result.FrequentItemsetsResult
Returns the frequent item sets.
getIterableResults(Object) - Static method in class elki.result.ResultUtil
Return all Iterable results
getJPEGQuality() - Method in class elki.visualization.savedialog.SaveOptionsPanel
Returns the quality value in the quality field.
getK() - Method in class elki.database.ids.integer.DoubleIntegerDBIDKNNHeap
 
getK() - Method in class elki.database.ids.integer.DoubleIntegerDBIDKNNList
 
getK() - Method in class elki.database.ids.integer.IntegerDBIDKNNSubList
 
getK() - Method in interface elki.database.ids.KNNHeap
Get the K parameter ("maxsize" internally).
getK() - Method in interface elki.database.ids.KNNList
Get the K parameter (note: this may be less than the size of the list!)
getK() - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor
Get the value of 'k' supported by this preprocessor.
getK() - Method in class elki.math.statistics.distribution.ExpGammaDistribution
 
getK() - Method in class elki.math.statistics.distribution.GammaDistribution
 
getK() - Method in class elki.math.statistics.distribution.GeneralizedExtremeValueDistribution
Get the k parameter.
getK() - Method in class elki.math.statistics.distribution.LogGammaDistribution
 
getK() - Method in class elki.math.statistics.distribution.WeibullDistribution
Get the shape k parameter.
getK_0() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ApproximationLine
Returns the start value for k.
getK_max() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppTree
Returns the value of the k_max parameter.
getK_max() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.MkTreeHeader
Returns the parameter k.
getKernel() - Method in class elki.similarity.kernel.KernelMatrix
Get the kernel matrix.
getKey() - Method in class elki.logging.statistics.AbstractStatistic
 
getKey() - Method in interface elki.logging.statistics.Statistic
Get the key of this statistic.
getKey() - Method in interface elki.utilities.datastructures.heap.DoubleIntegerHeap.UnsortedIter
Get the current key.
getKey() - Method in class elki.utilities.datastructures.heap.DoubleIntegerMaxHeap.UnsortedIter
 
getKey() - Method in class elki.utilities.datastructures.heap.DoubleIntegerMinHeap.UnsortedIter
 
getKey() - Method in interface elki.utilities.datastructures.heap.DoubleLongHeap.UnsortedIter
Get the current key.
getKey() - Method in class elki.utilities.datastructures.heap.DoubleLongMaxHeap.UnsortedIter
 
getKey() - Method in class elki.utilities.datastructures.heap.DoubleLongMinHeap.UnsortedIter
 
getKey() - Method in interface elki.utilities.datastructures.heap.DoubleObjectHeap.UnsortedIter
Get the current key.
getKey() - Method in class elki.utilities.datastructures.heap.DoubleObjectMaxHeap.UnsortedIter
 
getKey() - Method in class elki.utilities.datastructures.heap.DoubleObjectMinHeap.UnsortedIter
 
getKey() - Method in interface elki.utilities.datastructures.heap.IntegerObjectHeap.UnsortedIter
Get the current key.
getKey() - Method in class elki.utilities.datastructures.heap.IntegerObjectMaxHeap.UnsortedIter
 
getKey() - Method in class elki.utilities.datastructures.heap.IntegerObjectMinHeap.UnsortedIter
 
getKmax() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.AbstractMkTreeUnified
Get the value of k_max.
getKmax() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPTree
Returns the value of the k_max parameter.
getKNN(DBID) - Method in class elki.index.preprocessed.knn.MaterializeKNNAndRKNNPreprocessor
Returns the materialized kNNs of the specified id.
getKNN(DBIDRef, int) - Method in class elki.database.query.knn.LinearScanKNNByDBID
 
getKNN(DBIDRef, int) - Method in class elki.database.query.knn.PreprocessorKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.database.query.knn.PreprocessorSqrtKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.database.query.knn.PreprocessorSquaredKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.database.query.knn.WrappedKNNDBIDByLookup
 
getKNN(DBIDRef, int) - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getKNN(DBIDRef, int) - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.index.laesa.LAESA.LAESAKNNByDBIDSearcher
 
getKNN(DBIDRef, int) - Method in class elki.index.preprocessed.knn.NaiveProjectedKNNPreprocessor.NaiveProjectedKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.index.preprocessed.knn.SpacefillingKNNPreprocessor.SpaceFillingKNNQuery
 
getKNN(DBIDRef, int) - Method in class elki.index.projected.ProjectedIndex.ProjectedKNNByDBID
 
getKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreeKNNDBIDSearcher
 
getKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreeKNNDBIDSearcher
 
getKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.mtreevariants.query.MTreeKNNByDBID
 
getKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.vptree.GNAT.GNATKNNDBIDSearcher
 
getKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreeKNNDBIDSearcher
 
getKNN(O, int) - Method in interface elki.database.query.knn.KNNSearcher
Get the k nearest neighbors for a particular object.
getKNN(O, int) - Method in class elki.database.query.knn.LinearScanEuclideanKNNByObject
 
getKNN(O, int) - Method in class elki.database.query.knn.LinearScanKNNByObject
 
getKNN(O, int) - Method in class elki.database.query.knn.LinearScanPrimitiveKNNByObject
 
getKNN(O, int) - Method in interface elki.database.query.PrioritySearcher
 
getKNN(O, int) - Method in class elki.index.idistance.InMemoryIDistanceIndex.IDistanceKNNSearcher
 
getKNN(O, int) - Method in class elki.index.laesa.LAESA.LAESAKNNByObjectSearcher
 
getKNN(O, int) - Method in class elki.index.projected.ProjectedIndex.ProjectedKNNByObject
 
getKNN(O, int) - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreeKNNObjectSearcher
 
getKNN(O, int) - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreeKNNObjectSearcher
 
getKNN(O, int) - Method in class elki.index.tree.metrical.mtreevariants.query.MTreeKNNByObject
 
getKNN(O, int) - Method in class elki.index.tree.metrical.vptree.GNAT.GNATKNNObjectSearcher
 
getKNN(O, int) - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreeKNNObjectSearcher
 
getKNN(O, int) - Method in class elki.index.tree.spatial.kd.MemoryKDTree.KDTreeKNNSearcher
 
getKNN(O, int) - Method in class elki.index.tree.spatial.kd.MinimalisticMemoryKDTree.KDTreeKNNSearcher
 
getKNN(O, int) - Method in class elki.index.tree.spatial.kd.SmallMemoryKDTree.KDTreeKNNSearcher
 
getKNN(O, int) - Method in class elki.index.tree.spatial.rstarvariants.query.EuclideanRStarTreeKNNQuery
 
getKNN(O, int) - Method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeDistancePrioritySearcher
 
getKNN(O, int) - Method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeKNNSearcher
 
getKNN(V, int) - Method in class elki.index.invertedlist.InMemoryInvertedIndex.ArcCosineKNNQuery
 
getKNN(V, int) - Method in class elki.index.invertedlist.InMemoryInvertedIndex.CosineKNNQuery
 
getKNN(V, int) - Method in class elki.index.lsh.InMemoryLSHIndex.Instance.LSHKNNQuery
 
getKNN(V, int) - Method in class elki.index.vafile.PartialVAFile.PartialVAFileKNNQuery
 
getKNN(V, int) - Method in class elki.index.vafile.VAFile.VAFileKNNQuery
 
getKNNAndRkNNQueries(Relation<O>, StepProgress) - Method in class elki.outlier.lof.OnlineLOF
Get the kNN and rkNN queries for the algorithm.
getKnnDistance() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkmax.MkMaxDirectoryEntry
 
getKnnDistance() - Method in interface elki.index.tree.metrical.mtreevariants.mktrees.mkmax.MkMaxEntry
Returns the knn distance of the entry.
getKnnDistance() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkmax.MkMaxLeafEntry
 
getKnnDistance() - Method in class elki.index.tree.spatial.rstarvariants.rdknn.RdKNNDirectoryEntry
 
getKnnDistance() - Method in interface elki.index.tree.spatial.rstarvariants.rdknn.RdKNNEntry
Returns the knn distance of this entry.
getKnnDistance() - Method in class elki.index.tree.spatial.rstarvariants.rdknn.RdKNNLeafEntry
 
getKnnDistance(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabDirectoryEntry
 
getKnnDistance(int) - Method in interface elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabEntry
Returns the knn distance of the entry for the specified parameter k.
getKnnDistance(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabLeafEntry
 
getKNNDistance() - Method in class elki.database.ids.integer.DoubleIntegerDBIDKNNHeap
 
getKNNDistance() - Method in class elki.database.ids.integer.DoubleIntegerDBIDKNNList
 
getKNNDistance() - Method in class elki.database.ids.integer.IntegerDBIDKNNSubList
 
getKNNDistance() - Method in interface elki.database.ids.KNNHeap
Get the distance to the k nearest neighbor, or maxdist otherwise.
getKNNDistance() - Method in interface elki.database.ids.KNNList
Get the distance to the k nearest neighbor, or infinity otherwise.
getKnnDistanceApproximation() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppDirectoryEntry
Returns the polynomial approximation.
getKnnDistanceApproximation() - Method in interface elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppEntry
Returns the polynomial approximation.
getKnnDistanceApproximation() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppLeafEntry
Returns the polynomial approximation.
getKnnDistances() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabDirectoryEntry
 
getKnnDistances() - Method in interface elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabEntry
Returns the list of knn distances of the entry.
getKnnDistances() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabLeafEntry
 
getKNNQuery(AbstractRStarTree<?, ?, ?>, SpatialDistanceQuery<O>, Object...) - Static method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeUtil
Get an RTree knn query, using an optimized version for Euclidean distances.
getKNNReach() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the knn query for the reachability set.
getKNNRefer() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the knn query for the reference set.
getKnownImplementations() - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
Get an iterator over all known implementations of the class restriction.
getKnownImplementations() - Method in class elki.utilities.optionhandling.parameters.ClassParameter
Get an iterator over all known implementations of the class restriction.
getL() - Method in class elki.math.linearalgebra.CholeskyDecomposition
Return triangular factor.
getL() - Method in class elki.math.linearalgebra.LUDecomposition
Return lower triangular factor
getLabel() - Method in class elki.data.type.SimpleTypeInformation
Get the type label.
getLabel(int) - Method in class elki.data.type.VectorFieldTypeInformation
Get the column label.
getLabelIndices(Parameterization) - Method in class elki.datasource.parser.NumberVectorLabelParser.Par
Get the label indices.
getLabels() - Method in class elki.data.type.VectorFieldTypeInformation
Get the column labels.
getLabels() - Method in class elki.evaluation.classification.holdout.AbstractHoldout
 
getLabels() - Method in interface elki.evaluation.classification.holdout.Holdout
Get the sorted class labels present in this data set.
getLabels() - Method in class elki.evaluation.classification.holdout.TrainingAndTestSet
Returns all labels present in the data set.
getLabelx() - Method in class elki.math.geometry.XYCurve
Get label of x axis
getLabelx() - Method in class elki.math.geometry.XYPlot
Get label of x axis
getLabely() - Method in class elki.math.geometry.XYCurve
Get label of y axis
getLabely() - Method in class elki.math.geometry.XYPlot
Get label of y axis
getLambda() - Method in class elki.math.statistics.distribution.ExponentiallyModifiedGaussianDistribution
 
getLambda() - Method in class elki.math.statistics.distribution.WeibullDistribution
Get the scale lambda parameter.
getLargestPageID() - Method in class elki.index.tree.TreeIndexHeader
 
getLastImage() - Method in class elki.visualization.batikutil.ThumbnailTranscoder
Get the latest image produced.
getLayer() - Method in class elki.visualization.visualizers.AbstractVisualization
 
getLayer() - Method in class elki.visualization.visualizers.thumbs.ThumbnailVisualization
 
getLayer() - Method in interface elki.visualization.visualizers.Visualization
Get the SVG layer of the given visualization.
getLeafCapacity() - Method in class elki.index.tree.TreeIndexHeader
Returns the capacity of a leaf node (= 1 + maximum number of entries in a leaf node).
getLeafMinimum() - Method in class elki.index.tree.TreeIndexHeader
Returns the minimum number of entries in a leaf node.
getLeafNodeEntries(N, List<E>, int) - Method in class elki.index.tree.spatial.rstarvariants.AbstractRStarTree
Determines the entries pointing to the leaf nodes of the specified subtree.
getLeaves() - Method in class elki.index.tree.betula.CFTree
Extract the leaves of the tree.
getLeaves() - Method in class elki.index.tree.metrical.MetricalIndexTree
Returns a list of entries pointing to the leaf nodes of this spatial index.
getLeaves() - Method in class elki.index.tree.metrical.mtreevariants.AbstractMTree
 
getLeaves() - Method in class elki.index.tree.spatial.rstarvariants.AbstractRStarTree
Returns a list of entries pointing to the leaf entries of this spatial index.
getLeft() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram.Iter
 
getLeft() - Method in interface elki.utilities.datastructures.histogram.Histogram.Iter
Get the bin minimum.
getLeftChild() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the left child of this interval.
getLength() - Method in class elki.utilities.io.Tokenizer
Get length of token.
getLes() - Method in class elki.data.model.LinearEquationModel
Get assigned Linear Equation System
getLevel() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the level of this interval.
getLevel() - Method in class elki.outlier.lof.ALOCI.Node
Get level of node.
getLineNumber() - Method in class elki.utilities.io.BufferedLineReader
Get the current line number.
getLineWidth(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getLineWidth(String) - Method in interface elki.visualization.style.StyleLibrary
Get line width
getLocalities(DBIDs, DistanceQuery<? extends NumberVector>, RangeSearcher<DBIDRef>) - Method in class elki.clustering.subspace.PROCLUS
Computes the localities of the specified medoids: for each medoid m the objects in the sphere centered at m with radius minDist are determined, where minDist is the minimum distance between medoid m and any other medoid m_i.
getLocation() - Method in class elki.math.statistics.distribution.CauchyDistribution
Get the location parameter.
getLocation() - Method in class elki.math.statistics.distribution.ExponentialDistribution
Get the location parameter.
getLocation() - Method in class elki.math.statistics.distribution.GeneralizedLogisticAlternateDistribution
Location parameter
getLocation() - Method in class elki.math.statistics.distribution.LaplaceDistribution
Get the location parameter.
getLocation() - Method in class elki.math.statistics.distribution.LogisticDistribution
Get the location aparameter.
getLocation() - Method in class elki.math.statistics.distribution.LogLogisticDistribution
Get the distribution location.
getLocation() - Method in class elki.math.statistics.distribution.SkewGeneralizedNormalDistribution
Get the location parameter
getLofs() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the LOF data store.
getLog10Res() - Method in class elki.math.scales.LinearScale
Get resolution (scale interval size)
getLogger() - Method in class elki.clustering.correlation.HiCO.Instance
 
getLogger() - Method in class elki.clustering.dbscan.predicates.AbstractRangeQueryNeighborPredicate
Get the class logger.
getLogger() - Method in class elki.clustering.dbscan.predicates.FourCNeighborPredicate
 
getLogger() - Method in class elki.clustering.dbscan.predicates.PreDeConNeighborPredicate
 
getLogger() - Method in class elki.clustering.hierarchical.AbstractHDBSCAN
Get the (STATIC) logger for this class.
getLogger() - Method in class elki.clustering.hierarchical.CLINK
 
getLogger() - Method in class elki.clustering.hierarchical.extraction.AbstractCutDendrogram
 
getLogger() - Method in class elki.clustering.hierarchical.extraction.CutDendrogramByHeight
 
getLogger() - Method in class elki.clustering.hierarchical.extraction.CutDendrogramByNumberOfClusters
 
getLogger() - Method in class elki.clustering.hierarchical.HDBSCANLinearMemory
 
getLogger() - Method in class elki.clustering.hierarchical.SLINK
Get the (static) class logger.
getLogger() - Method in class elki.clustering.hierarchical.SLINKHDBSCANLinearMemory
 
getLogger() - Method in class elki.clustering.kmeans.AbstractKMeans
Get the (STATIC) logger for this class.
getLogger() - Method in class elki.clustering.kmeans.AbstractKMeans.Instance
Get the class logger.
getLogger() - Method in class elki.clustering.kmeans.AnnulusKMeans
 
getLogger() - Method in class elki.clustering.kmeans.AnnulusKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.BetulaLloydKMeans
 
getLogger() - Method in class elki.clustering.kmeans.CompareMeans
 
getLogger() - Method in class elki.clustering.kmeans.CompareMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.ElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.ElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.ExponionKMeans
 
getLogger() - Method in class elki.clustering.kmeans.ExponionKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.GMeans
 
getLogger() - Method in class elki.clustering.kmeans.HamerlyKMeans
 
getLogger() - Method in class elki.clustering.kmeans.HamerlyKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.HartiganWongKMeans
 
getLogger() - Method in class elki.clustering.kmeans.HartiganWongKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.initialization.AFKMC2.Instance
 
getLogger() - Method in class elki.clustering.kmeans.initialization.KMC2.Instance
Class logger.
getLogger() - Method in class elki.clustering.kmeans.KDTreeFilteringKMeans
 
getLogger() - Method in class elki.clustering.kmeans.KDTreeFilteringKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.KDTreePruningKMeans
 
getLogger() - Method in class elki.clustering.kmeans.KDTreePruningKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.KMeansMinusMinus
 
getLogger() - Method in class elki.clustering.kmeans.KMeansMinusMinus.Instance
 
getLogger() - Method in class elki.clustering.kmeans.KMediansLloyd
 
getLogger() - Method in class elki.clustering.kmeans.KMediansLloyd.Instance
 
getLogger() - Method in class elki.clustering.kmeans.LloydKMeans
 
getLogger() - Method in class elki.clustering.kmeans.LloydKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.MacQueenKMeans
 
getLogger() - Method in class elki.clustering.kmeans.MacQueenKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.parallel.ParallelLloydKMeans
 
getLogger() - Method in class elki.clustering.kmeans.ShallotKMeans
 
getLogger() - Method in class elki.clustering.kmeans.ShallotKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.SimplifiedElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.SimplifiedElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.SingleAssignmentKMeans
 
getLogger() - Method in class elki.clustering.kmeans.SingleAssignmentKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.SortMeans
 
getLogger() - Method in class elki.clustering.kmeans.SortMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalHamerlyKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalHamerlyKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalSimplifiedElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.EuclideanSphericalSimplifiedElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalHamerlyKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalHamerlyKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSimplifiedElkanKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSimplifiedElkanKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSimplifiedHamerlyKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSimplifiedHamerlyKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSingleAssignmentKMeans
 
getLogger() - Method in class elki.clustering.kmeans.spherical.SphericalSingleAssignmentKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmeans.XMeans
 
getLogger() - Method in class elki.clustering.kmeans.YinYangKMeans
 
getLogger() - Method in class elki.clustering.kmeans.YinYangKMeans.Instance
 
getLogger() - Method in class elki.clustering.kmedoids.EagerPAM
Get the static class logger.
getLogger() - Method in class elki.clustering.kmedoids.FasterPAM
 
getLogger() - Method in class elki.clustering.kmedoids.FastPAM
 
getLogger() - Method in class elki.clustering.kmedoids.FastPAM1
 
getLogger() - Method in class elki.clustering.kmedoids.PAM
Get the static class logger.
getLogger() - Method in class elki.clustering.kmedoids.ReynoldsPAM
 
getLogger() - Method in class elki.clustering.kmedoids.SingleAssignmentKMedoids
 
getLogger() - Method in class elki.clustering.optics.GeneralizedOPTICS.Instance
Get the class logger.
getLogger() - Method in class elki.clustering.silhouette.FasterMSC
 
getLogger() - Method in class elki.clustering.silhouette.FastMSC
 
getLogger() - Method in class elki.clustering.silhouette.PAMMEDSIL
 
getLogger() - Method in class elki.clustering.silhouette.PAMSIL
 
getLogger() - Method in class elki.clustering.subspace.DiSH.Instance
 
getLogger() - Method in class elki.clustering.subspace.HiSC.Instance
 
getLogger() - Method in class elki.database.AbstractDatabase
Get the class logger.
getLogger() - Method in class elki.database.HashmapDatabase
 
getLogger() - Method in class elki.database.ProxyDatabase
 
getLogger() - Method in class elki.database.query.knn.PreprocessorKNNQuery
Get the class logger.
getLogger() - Method in class elki.database.query.knn.PreprocessorSqrtKNNQuery
Get the class logger.
getLogger() - Method in class elki.database.query.knn.PreprocessorSquaredKNNQuery
Get the class logger.
getLogger() - Method in class elki.database.StaticArrayDatabase
 
getLogger() - Method in class elki.datasource.AbstractDatabaseConnection
Get the logger for this database connection.
getLogger() - Method in class elki.datasource.ArrayAdapterDatabaseConnection
 
getLogger() - Method in class elki.datasource.BundleDatabaseConnection
 
getLogger() - Method in class elki.datasource.ConcatenateFilesDatabaseConnection
 
getLogger() - Method in class elki.datasource.EmptyDatabaseConnection
 
getLogger() - Method in class elki.datasource.ExternalIDJoinDatabaseConnection
 
getLogger() - Method in class elki.datasource.filter.AbstractConversionFilter
Class logger.
getLogger() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseMeanNormalization
 
getLogger() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseMinMaxNormalization
 
getLogger() - Method in class elki.datasource.filter.normalization.columnwise.AttributeWiseVarianceNormalization
 
getLogger() - Method in class elki.datasource.filter.normalization.columnwise.InverseDocumentFrequencyNormalization
 
getLogger() - Method in class elki.datasource.filter.transform.AbstractSupervisedProjectionVectorFilter
Class logger.
getLogger() - Method in class elki.datasource.filter.transform.GlobalPrincipalComponentAnalysisTransform
 
getLogger() - Method in class elki.datasource.filter.transform.LinearDiscriminantAnalysisFilter
Class logger.
getLogger() - Method in class elki.datasource.filter.transform.PerturbationFilter
 
getLogger() - Method in class elki.datasource.filter.typeconversions.SparseVectorFieldFilter
 
getLogger() - Method in class elki.datasource.filter.typeconversions.UncertainSplitFilter
 
getLogger() - Method in class elki.datasource.filter.typeconversions.WeightedUncertainSplitFilter
 
getLogger() - Method in class elki.datasource.GeneratorXMLDatabaseConnection
 
getLogger() - Method in class elki.datasource.InputStreamDatabaseConnection
 
getLogger() - Method in class elki.datasource.LabelJoinDatabaseConnection
 
getLogger() - Method in class elki.datasource.parser.AbstractStreamingParser
Get the logger for this class.
getLogger() - Method in class elki.datasource.parser.BitVectorLabelParser
 
getLogger() - Method in class elki.datasource.parser.CategorialDataAsNumberVectorParser
 
getLogger() - Method in class elki.datasource.parser.ClusteringVectorParser
 
getLogger() - Method in class elki.datasource.parser.LibSVMFormatParser
 
getLogger() - Method in class elki.datasource.parser.NumberVectorLabelParser
 
getLogger() - Method in class elki.datasource.parser.SimplePolygonParser
 
getLogger() - Method in class elki.datasource.parser.SimpleTransactionParser
 
getLogger() - Method in class elki.datasource.parser.SparseNumberVectorLabelParser
 
getLogger() - Method in class elki.datasource.parser.TermFrequencyParser
 
getLogger() - Method in class elki.datasource.PresortedBlindJoinDatabaseConnection
 
getLogger() - Method in class elki.datasource.RandomDoubleVectorDatabaseConnection
 
getLogger() - Method in class elki.index.AbstractRefiningIndex
Get the class logger.
getLogger() - Method in class elki.index.idistance.InMemoryIDistanceIndex
 
getLogger() - Method in class elki.index.lsh.InMemoryLSHIndex.Instance
 
getLogger() - Method in class elki.index.preprocessed.knn.AbstractMaterializeKNNPreprocessor
Get the classes static logger.
getLogger() - Method in class elki.index.preprocessed.knn.CachedDoubleDistanceKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.KNNJoinMaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.MaterializeKNNAndRKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.MaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.MetricalIndexApproximationMaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.NNDescent
 
getLogger() - Method in class elki.index.preprocessed.knn.PartitionApproximationMaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.RandomSampleKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.SpacefillingMaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.preprocessed.knn.SpatialApproximationMaterializeKNNPreprocessor
 
getLogger() - Method in class elki.index.tree.IndexTree
Get the (STATIC) logger for this class.
getLogger() - Method in class elki.index.tree.metrical.covertree.AbstractCoverTree
Get the class logger.
getLogger() - Method in class elki.index.tree.metrical.covertree.CoverTree
 
getLogger() - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree
 
getLogger() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppTree
 
getLogger() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPTree
 
getLogger() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkmax.MkMaxTree
 
getLogger() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabTree
 
getLogger() - Method in class elki.index.tree.metrical.mtreevariants.mtree.MTree
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.deliclu.DeLiCluTree
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.deliclu.DeLiCluTreeIndex
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.flat.FlatRStarTree
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.flat.FlatRStarTreeIndex
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.rdknn.RdKNNTree
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.rstar.RStarTree
 
getLogger() - Method in class elki.index.tree.spatial.rstarvariants.rstar.RStarTreeIndex
 
getLogger() - Method in class elki.index.vafile.PartialVAFile
 
getLogger() - Method in class elki.index.vafile.VAFile
 
getLogger() - Method in class elki.outlier.spatial.neighborhood.AbstractPrecomputedNeighborhood
The logger to use for error reporting.
getLogger() - Method in class elki.outlier.spatial.neighborhood.ExtendedNeighborhood
 
getLogger() - Method in class elki.outlier.spatial.neighborhood.ExternalNeighborhood
 
getLogger() - Method in class elki.outlier.spatial.neighborhood.PrecomputedKNearestNeighborNeighborhood
 
getLogger() - Method in class elki.persistent.AbstractPageFile
Get the class logger.
getLogger() - Method in class elki.persistent.LRUCache
 
getLogger() - Method in class elki.persistent.MemoryPageFile
 
getLogger() - Method in class elki.persistent.OnDiskArrayPageFile
 
getLogger() - Method in class elki.persistent.PersistentPageFile
 
getLogger() - Method in class elki.svm.AbstractSingleSVM
 
getLogger() - Method in class elki.svm.CSVC
 
getLogger() - Method in class elki.svm.EpsilonSVR
 
getLogger() - Method in class elki.svm.NuSVC
 
getLogger() - Method in class elki.svm.NuSVR
 
getLogger() - Method in class elki.svm.OneClassSVM
 
getLogger() - Method in class elki.svm.R2q
 
getLogger() - Method in class elki.svm.SVDD
 
getLogger() - Method in class tutorial.clustering.SameSizeKMeans
 
getLogger(Class<?>) - Static method in class elki.logging.Logging
Retrieve logging utility for a particular class.
getLogger(String) - Static method in class elki.logging.Logging
Retrieve logging utility for a particular class.
getLogMean() - Method in class elki.math.statistics.distribution.LogNormalDistribution
Get the log mean value.
getLogStddev() - Method in class elki.math.statistics.distribution.LogNormalDistribution
Get the log standard deviation.
getLong(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getLong(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getLong(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as long.
getLong(NumberVector, int) - Method in class elki.data.projection.FeatureSelection.ProjectedNumberFeatureVectorAdapter
 
getLong(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getLong(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getLong(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getLongBase10() - Method in class elki.utilities.io.Tokenizer
Get current value as long.
getLongName() - Method in class elki.algorithm.statistics.EvaluateRetrievalPerformance.RetrievalPerformanceResult
 
getLongName() - Method in class elki.data.model.CorrelationAnalysisSolution
 
getLongName() - Method in class elki.database.AbstractDatabase
 
getLongName() - Method in class elki.database.relation.ConvertToStringView
 
getLongName() - Method in class elki.database.relation.DBIDView
 
getLongName() - Method in class elki.database.relation.MaterializedDoubleRelation
 
getLongName() - Method in class elki.database.relation.MaterializedRelation
 
getLongName() - Method in class elki.database.relation.ProjectedView
 
getLongName() - Method in class elki.database.relation.ProxyView
 
getLongName() - Method in interface elki.database.relation.Relation
Get a long (human readable) name for the relation.
getLongName() - Method in class elki.evaluation.classification.ConfusionMatrixEvaluationResult
 
getLongName() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
 
getLongName() - Method in class elki.index.preprocessed.knn.KNNJoinMaterializeKNNPreprocessor
 
getLongName() - Method in class elki.index.tree.spatial.kd.MemoryKDTree.CountingRelation
 
getLongName() - Method in class elki.math.geometry.XYPlot
 
getLongName() - Method in class elki.result.Metadata
Get the long name of a result.
getLongName() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getLongName() - Method in class elki.result.outlier.OrderingFromRelation
 
getLongName() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getLongName() - Method in class elki.result.SamplingResult
 
getLongName() - Method in class elki.result.SelectionResult
 
getLongName() - Method in class elki.visualization.opticsplot.OPTICSPlot
 
getLongName() - Method in class elki.visualization.silhouette.SilhouettePlot
 
getLongName() - Method in class elki.visualization.VisualizerContext
 
getLowerBound() - Method in class elki.database.query.distance.LinearScanEuclideanPrioritySearcher
 
getLowerBound() - Method in class elki.database.query.distance.LinearScanPrioritySearcher
 
getLowerBound() - Method in class elki.database.query.ExactPrioritySearcher
 
getLowerBound() - Method in interface elki.database.query.PrioritySearcher
Get the lower bound (if available).
getLowerBound() - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getLowerBound() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.metrical.vptree.GNAT.GNATPrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.spatial.kd.MemoryKDTree.KDTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.spatial.kd.MinimalisticMemoryKDTree.KDTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.spatial.kd.SmallMemoryKDTree.KDTreePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.spatial.rstarvariants.query.EuclideanRStarTreeDistancePrioritySearcher
 
getLowerBound() - Method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeDistancePrioritySearcher
 
getLowerHull() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ConvexHull
Returns the lower hull.
getLPNormP(AbstractMaterializeKNNPreprocessor<?>) - Static method in class elki.visualization.visualizers.scatterplot.selection.DistanceFunctionVisualization
Get the "p" value of an Lp norm.
getLPNormP(AbstractMTree<?, ?, ?, ?>) - Static method in class elki.visualization.visualizers.scatterplot.index.TreeSphereVisualization
Get the "p" value of an Lp norm.
getLrds() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the LRD data store.
getM() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ApproximationLine
Returns the incline.
getM() - Method in class elki.math.statistics.LinearRegression
 
getMAP() - Method in class elki.algorithm.statistics.EvaluateRetrievalPerformance.RetrievalPerformanceResult
 
getMarginLeft() - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
 
getMarginTop() - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
 
getMasterCache() - Static method in class elki.utilities.ELKIServiceScanner
Get or initialize the master cache, synchronizing only on initialization.
getMatrix(double[][], int[], int[]) - Static method in class elki.math.linearalgebra.VMath
Get a submatrix.
getMatrix(double[][], int[], int, int) - Static method in class elki.math.linearalgebra.VMath
Get a submatrix.
getMatrix(double[][], int, int, int[]) - Static method in class elki.math.linearalgebra.VMath
Get a submatrix.
getMatrix(double[][], int, int, int, int) - Static method in class elki.math.linearalgebra.VMath
Get a submatrix.
getMatrixSize() - Method in class elki.persistent.OnDiskUpperTriangleMatrix
Query the size of the matrix.
getMax() - Method in class elki.math.DoubleMinMax
Get the current maximum.
getMax() - Method in class elki.math.IntegerMinMax
Get the current maximum.
getMax() - Method in class elki.math.MeanVarianceMinMax
Get the current maximum.
getMax() - Method in class elki.math.scales.LinearScale
Get maximum value (scale, not data).
getMax() - Method in class elki.math.statistics.distribution.HaltonUniformDistribution
 
getMax() - Method in class elki.math.statistics.distribution.UniformDistribution
 
getMax() - Method in class elki.result.EvaluationResult.Measurement
Get the maximum value.
getMax() - Method in class elki.utilities.datastructures.range.CombinedIntGenerator
 
getMax() - Method in class elki.utilities.datastructures.range.ExponentialIntGenerator
 
getMax() - Method in interface elki.utilities.datastructures.range.IntGenerator
Maximum value of the stream.
getMax() - Method in class elki.utilities.datastructures.range.LinearIntGenerator
 
getMax() - Method in class elki.utilities.datastructures.range.StaticIntGenerator
 
getMax() - Method in class elki.utilities.scaling.ClipScaling
 
getMax() - Method in class elki.utilities.scaling.GammaScaling
 
getMax() - Method in class elki.utilities.scaling.IdentityScaling
 
getMax() - Method in class elki.utilities.scaling.LinearScaling
 
getMax() - Method in class elki.utilities.scaling.MinusLogScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.COPOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.HeDESNormalizationOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.LogRankingPseudoOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.MixtureModelOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.MultiplicativeInverseScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.OutlierGammaScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.OutlierLinearScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.OutlierMinusLogScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.OutlierSqrtScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.RankingPseudoOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.SigmoidOutlierScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.SqrtStandardDeviationScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.StandardDeviationScaling
 
getMax() - Method in class elki.utilities.scaling.outlier.TopKOutlierScaling
 
getMax() - Method in interface elki.utilities.scaling.ScalingFunction
Get maximum resulting value.
getMax(int) - Method in class elki.data.HyperBoundingBox
Returns the coordinate at the specified dimension of the maximum hyper point.
getMax(int) - Method in interface elki.data.NumberVector
 
getMax(int) - Method in class elki.data.spatial.Polygon
 
getMax(int) - Method in class elki.data.spatial.PolygonsObject
 
getMax(int) - Method in interface elki.data.spatial.SpatialComparable
Returns the maximum coordinate at the specified dimension.
getMax(int) - Method in class elki.data.uncertain.AbstractUncertainObject
 
getMax(int) - Method in class elki.index.preprocessed.knn.SpatialPair
 
getMax(int) - Method in class elki.index.tree.spatial.SpatialDirectoryEntry
 
getMax(SpatialComparable) - Static method in class elki.data.spatial.SpatialUtil
Returns a clone of the maximum hyper point.
getMaxDensity() - Method in class elki.outlier.density.HySortOD.DensityStrategy
 
getMaxDim() - Method in class elki.data.SparseByteVector
Get the maximum dimensionality.
getMaxDim() - Method in class elki.data.SparseDoubleVector
Get the maximum dimensionality.
getMaxDim() - Method in class elki.data.SparseFloatVector
Get the maximum dimensionality.
getMaxDim() - Method in class elki.data.SparseIntegerVector
Get the maximum dimensionality.
getMaxDim() - Method in class elki.data.SparseShortVector
Get the maximum dimensionality.
getMaxDist(VectorApproximation) - Method in class elki.index.vafile.VALPNormDistance
Get the maximum distance.
getMaxdx() - Method in class elki.math.geometry.XYCurve
upper drawing bound on x axis.
getMaxdy() - Method in class elki.math.geometry.XYCurve
Upper drawing bound on y axis.
getMaximumMatchingAccuracy() - Method in class elki.evaluation.clustering.ClusterContingencyTable
The Maximum Matching Accuracy
getMaxRef() - Method in class elki.data.ModifiableHyperBoundingBox
Returns the reference to the maximum hyper point.
getMaxSplitDimension() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the maximum split dimension.
getMaxStyle() - Method in interface elki.visualization.style.ClassStylingPolicy
Get the maximum style in use.
getMaxStyle() - Method in class elki.visualization.style.ClusterStylingPolicy
 
getMaxStyle() - Method in class elki.visualization.visualizers.pairsegments.SegmentsStylingPolicy
 
getMaxx() - Method in class elki.math.geometry.XYCurve
Maximum on x axis.
getMaxx() - Method in class elki.math.geometry.XYPlot
Maximum on x axis.
getMaxX() - Method in class elki.visualization.projections.CanvasSize
 
getMaxy() - Method in class elki.math.geometry.XYCurve
Maximum on y axis.
getMaxy() - Method in class elki.math.geometry.XYPlot
Maximum on y axis.
getMaxY() - Method in class elki.visualization.projections.CanvasSize
 
getMCEntropy(int[][], ArrayList<int[]>, ArrayList<int[]>, int, int, double) - Method in class elki.math.statistics.dependence.MaximumConditionalEntropy
Compute the MCE entropy value.
getMean() - Method in class elki.data.model.MeanModel
Get the mean.
getMean() - Method in class elki.math.Mean
Return mean
getMean() - Method in class elki.math.statistics.distribution.ExponentiallyModifiedGaussianDistribution
 
getMean() - Method in class elki.math.statistics.distribution.InverseGaussianDistribution
Mean parameter.
getMean() - Method in class elki.math.statistics.distribution.NormalDistribution
 
getMeanKNNList(DBIDs, Map<DBID, KNNList>) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppTree
 
getMeans() - Method in class elki.clustering.kmeans.parallel.KMeansProcessor
Get the new means.
getMeanVector() - Method in class elki.math.linearalgebra.CovarianceMatrix
Get the mean as vector.
getMeanVector(Relation<? extends F>) - Method in class elki.math.linearalgebra.CovarianceMatrix
Get the mean as vector.
getMeanX() - Method in class elki.math.PearsonCorrelation
Return mean of X
getMeanY() - Method in class elki.math.PearsonCorrelation
Return mean of Y
getMeasure() - Method in class elki.itemsetmining.associationrules.AssociationRule
Get the rule measure.
getMeasure(String) - Method in class elki.result.EvaluationResult.MeasurementGroup
Check if a measurement already exists.
getMedoid() - Method in class elki.data.model.MedoidModel
 
getMenuBar() - Method in class elki.visualization.gui.ResultWindow.DynamicMenu
Get the menu bar component.
getMenuName() - Method in class elki.visualization.projections.AbstractProjection
 
getMenuName() - Method in class elki.visualization.projections.OPTICSProjection
 
getMenuName() - Method in class elki.visualization.projections.SilhouetteProjection
 
getMenuName() - Method in class elki.visualization.projections.Simple1D
 
getMenuName() - Method in class elki.visualization.projections.Simple2D
 
getMenuName() - Method in class elki.visualization.projections.SimpleParallel
 
getMenuName() - Method in class elki.visualization.projector.HistogramProjector
 
getMenuName() - Method in class elki.visualization.projector.OPTICSProjector
 
getMenuName() - Method in class elki.visualization.projector.ParallelPlotProjector
 
getMenuName() - Method in class elki.visualization.projector.ScatterPlotProjector
 
getMenuName() - Method in class elki.visualization.projector.SilhouettePlotProjector
 
getMenuName() - Method in class elki.visualization.style.ClusterStylingPolicy
 
getMenuName() - Method in interface elki.visualization.VisualizationItem
Name to display in the menu.
getMenuName() - Method in class elki.visualization.VisualizationTask
 
getMenuName() - Method in class elki.visualization.visualizers.actions.ClusterStyleAction.SetStyleAction
 
getMenuName() - Method in class elki.visualization.visualizers.pairsegments.SegmentsStylingPolicy
 
getMenuName() - Method in class elki.visualization.visualizers.scatterplot.cluster.VoronoiVisualization.SwitchModeAction
 
getMenuName() - Method in class elki.visualization.visualizers.visunproj.DendrogramVisualization.SwitchStyleAction
 
getMergeA(int) - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get the first partner of merge i.
getMergeB(int) - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get the second partner of merge i.
getMergeHeight(int) - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get merge distance / height
getMessage() - Method in exception elki.data.type.NoSupportedDataTypeException
 
getMessage() - Method in class elki.visualization.parallel3d.util.SimpleMessageOverlay
 
getMeta() - Method in class elki.datasource.bundle.BundleReader
 
getMeta() - Method in interface elki.datasource.bundle.BundleStreamSource
Get the current meta data.
getMeta() - Method in class elki.datasource.bundle.StreamFromBundle
 
getMeta() - Method in class elki.datasource.filter.AbstractStreamConversionFilter
 
getMeta() - Method in class elki.datasource.filter.cleaning.DropNaNFilter
 
getMeta() - Method in class elki.datasource.filter.cleaning.NoMissingValuesFilter
 
getMeta() - Method in class elki.datasource.filter.cleaning.ReplaceNaNWithRandomFilter
 
getMeta() - Method in class elki.datasource.filter.cleaning.VectorDimensionalityFilter
 
getMeta() - Method in class elki.datasource.filter.NoOpFilter
 
getMeta() - Method in class elki.datasource.filter.selection.ByLabelFilter
 
getMeta() - Method in class elki.datasource.filter.selection.FirstNStreamFilter
 
getMeta() - Method in class elki.datasource.filter.selection.RandomSamplingStreamFilter
 
getMeta() - Method in class elki.datasource.filter.typeconversions.ClassLabelFromPatternFilter
 
getMeta() - Method in class elki.datasource.parser.ClusteringVectorParser
 
getMeta() - Method in class elki.datasource.parser.NumberVectorLabelParser
 
getMeta() - Method in class elki.datasource.parser.SimplePolygonParser
 
getMeta() - Method in class elki.datasource.parser.SimpleTransactionParser
 
getMeta() - Method in class elki.result.AssociationRuleResult
Returns Metadata of the data relation, for item labels.
getMeta() - Method in class elki.result.FrequentItemsetsResult
Get the metadata used for serialization.
getMetricalIndex(Relation<? extends O>) - Method in class elki.index.preprocessed.knn.MetricalIndexApproximationMaterializeKNNPreprocessor
Do some (limited) type checking, then cast the database into a spatial database.
getMin() - Method in class elki.math.DoubleMinMax
Get the current minimum.
getMin() - Method in class elki.math.IntegerMinMax
Get the current minimum.
getMin() - Method in class elki.math.MeanVarianceMinMax
Get the current minimum.
getMin() - Method in class elki.math.scales.LinearScale
Get minimum value (scale, not data).
getMin() - Method in class elki.math.statistics.distribution.HaltonUniformDistribution
 
getMin() - Method in class elki.math.statistics.distribution.UniformDistribution
 
getMin() - Method in class elki.result.EvaluationResult.Measurement
Get the minimum value.
getMin() - Method in class elki.utilities.datastructures.range.CombinedIntGenerator
 
getMin() - Method in class elki.utilities.datastructures.range.ExponentialIntGenerator
 
getMin() - Method in interface elki.utilities.datastructures.range.IntGenerator
Minimum value of the stream.
getMin() - Method in class elki.utilities.datastructures.range.LinearIntGenerator
 
getMin() - Method in class elki.utilities.datastructures.range.StaticIntGenerator
 
getMin() - Method in class elki.utilities.scaling.ClipScaling
 
getMin() - Method in class elki.utilities.scaling.GammaScaling
 
getMin() - Method in class elki.utilities.scaling.IdentityScaling
 
getMin() - Method in class elki.utilities.scaling.LinearScaling
 
getMin() - Method in class elki.utilities.scaling.MinusLogScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.COPOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.HeDESNormalizationOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.LogRankingPseudoOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.MixtureModelOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.MultiplicativeInverseScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.OutlierGammaScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.OutlierLinearScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.OutlierMinusLogScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.OutlierSqrtScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.RankingPseudoOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.SigmoidOutlierScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.SqrtStandardDeviationScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.StandardDeviationScaling
 
getMin() - Method in class elki.utilities.scaling.outlier.TopKOutlierScaling
 
getMin() - Method in interface elki.utilities.scaling.ScalingFunction
Get minimum resulting value.
getMin(int) - Method in class elki.data.HyperBoundingBox
Returns the coordinate at the specified dimension of the minimum hyper point.
getMin(int) - Method in interface elki.data.NumberVector
 
getMin(int) - Method in class elki.data.spatial.Polygon
 
getMin(int) - Method in class elki.data.spatial.PolygonsObject
 
getMin(int) - Method in interface elki.data.spatial.SpatialComparable
Returns the minimum coordinate at the specified dimension.
getMin(int) - Method in class elki.data.uncertain.AbstractUncertainObject
 
getMin(int) - Method in class elki.index.preprocessed.knn.SpatialPair
 
getMin(int) - Method in class elki.index.tree.spatial.SpatialDirectoryEntry
 
getMin(SpatialComparable) - Static method in class elki.data.spatial.SpatialUtil
Returns a clone of the minimum hyper point.
getMinDist(DBIDArrayIter, DistanceQuery<?>, DBIDArrayIter, WritableDoubleDataStore) - Static method in class elki.clustering.kmedoids.initialization.LAB
Get the minimum distance to previous medoids.
getMinDist(VectorApproximation) - Method in class elki.index.vafile.VALPNormDistance
Get the minimum distance to approximated vector vec.
getMindx() - Method in class elki.math.geometry.XYCurve
Lower drawing bound on x axis.
getMindy() - Method in class elki.math.geometry.XYCurve
Lower drawing bound on y axis.
getMinimumSupport(int) - Method in class elki.itemsetmining.AbstractFrequentItemsetAlgorithm
Get the minimum support for a given data set size.
getMinMax() - Method in class elki.parallel.processor.DoubleMinMaxProcessor
Get the minmax object.
getMinMaxDist(double[], double[], int) - Method in class elki.clustering.kmeans.KDTreePruningKMeans.Instance
Get the smallest maximum distance for pruning.
getMinPlusMaxObject(List<? extends SpatialComparable>, int, int) - Static method in class elki.math.spacefillingcurves.ZCurveSpatialSorter
Compute getMin(dim) + getMax(dim) for the spatial object.
getMinPts() - Method in class elki.clustering.correlation.HiCO
 
getMinPts() - Method in class elki.clustering.optics.AbstractOPTICS
 
getMinPts() - Method in class elki.clustering.optics.DeLiClu
 
getMinPts() - Method in class elki.clustering.optics.FastOPTICS
 
getMinPts() - Method in interface elki.clustering.optics.OPTICSTypeAlgorithm
Get the minpts value used.
getMinPts() - Method in class elki.clustering.subspace.HiSC
 
getMinRef() - Method in class elki.data.ModifiableHyperBoundingBox
Returns a reference to the minimum hyper point.
getMinStyle() - Method in interface elki.visualization.style.ClassStylingPolicy
Get the minimum style in use.
getMinStyle() - Method in class elki.visualization.style.ClusterStylingPolicy
 
getMinStyle() - Method in class elki.visualization.visualizers.pairsegments.SegmentsStylingPolicy
 
getMinx() - Method in class elki.math.geometry.XYCurve
Minimum on x axis.
getMinx() - Method in class elki.math.geometry.XYPlot
Minimum on x axis.
getMinX() - Method in class elki.visualization.projections.CanvasSize
 
getMiny() - Method in class elki.math.geometry.XYCurve
Minimum on y axis.
getMiny() - Method in class elki.math.geometry.XYPlot
Minimum on y axis.
getMinY() - Method in class elki.visualization.projections.CanvasSize
 
getModel() - Method in class elki.data.Cluster
Access model object
getMu() - Method in class elki.math.statistics.distribution.GeneralizedExtremeValueDistribution
Get location.
getMu() - Method in class elki.math.statistics.distribution.GeneralizedParetoDistribution
Location parameter
getMu() - Method in class elki.math.statistics.distribution.GumbelDistribution
Get the location
getMu() - Method in class elki.math.statistics.distribution.RayleighDistribution
Get the position parameter.
getMultiplicity() - Method in class elki.data.type.MultivariateSeriesTypeInformation
Get the multiplicity of the vector.
getMultiplicity() - Method in class elki.data.type.VectorTypeInformation
Get the multiplicity of the vector.
getNaiveCovariance() - Method in class elki.math.PearsonCorrelation
Get the covariance of X and Y (not taking sampling into account)
getNaiveExcessKurtosis() - Method in class elki.math.StatisticalMoments
Get the kurtosis using naive variance.
getNaiveKurtosis() - Method in class elki.math.StatisticalMoments
Get the kurtosis using naive variance.
getNaiveSkewness() - Method in class elki.math.StatisticalMoments
Get the skewness using naive variance.
getName() - Method in class elki.data.Cluster
Get Cluster name.
getName() - Method in interface elki.data.synthetic.bymodel.GeneratorInterface
Get cluster name
getName() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
getName() - Method in class elki.data.synthetic.bymodel.GeneratorStatic
 
getName() - Method in class elki.result.EvaluationResult.Measurement
Get the name of this measurement.
getName() - Method in class elki.result.EvaluationResult.MeasurementGroup
Get the group name.
getName() - Method in class elki.utilities.optionhandling.OptionID
Get the option name.
getName() - Method in class elki.visualization.colors.ListBasedColorLibrary
Get the color scheme name.
getName() - Method in class elki.visualization.css.CSSClass
Get the class name.
getName() - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
Get the style scheme name.
getNameAt(int) - Method in class elki.data.HierarchicalClassLabel
Returns the name at the given level as a String.
getNameAutomatic() - Method in class elki.data.Cluster
Return either the assigned name or the suggested label
getNameFor(Cluster<?>) - Method in interface elki.result.textwriter.naming.NamingScheme
Retrieve a name for the given cluster.
getNameFor(Cluster<?>) - Method in class elki.result.textwriter.naming.SimpleEnumeratingScheme
Retrieve the cluster name.
getNearestCenter(double[], int) - Method in class elki.clustering.kmeans.KDTreeFilteringKMeans.Instance
Get the nearest (alive) center to a midpoint.
getNearestNeighbors(Relation<V>, SimilarityQuery<V>, DBIDRef) - Method in class elki.outlier.subspace.SOD
Get the k nearest neighbors in terms of the shared nearest neighbor distance.
getNearestNeighborSet(DBIDRef) - Method in interface elki.index.preprocessed.snn.SharedNearestNeighborIndex
Get the precomputed nearest neighbors
getNearestNeighborSet(DBIDRef) - Method in class elki.index.preprocessed.snn.SharedNearestNeighborPreprocessor
 
getNeighborDBIDs(DBIDRef) - Method in class elki.outlier.spatial.neighborhood.AbstractPrecomputedNeighborhood
 
getNeighborDBIDs(DBIDRef) - Method in interface elki.outlier.spatial.neighborhood.NeighborSetPredicate
Get the neighbors of a reference object for DBSCAN.
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.COPACNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.EpsilonNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.ERiCNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.FourCNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in interface elki.clustering.dbscan.predicates.NeighborPredicate.Instance
Get the neighbors of a reference object for DBSCAN.
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.PreDeConNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in class elki.clustering.dbscan.predicates.SimilarityNeighborPredicate.Instance
 
getNeighbors(DBIDRef) - Method in class elki.clustering.uncertain.FDBSCANNeighborPredicate.Instance
 
getNeighborSetPredicateFactory() - Method in class elki.outlier.spatial.AbstractNeighborhoodOutlier
Get the predicate to obtain the neighbors.
getNeighs() - Method in class elki.index.preprocessed.fastoptics.RandomProjectedNeighborsAndDensities
Compute list of neighbors for each point from sets resulting from projection
getNewRandomGenerator() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Create a new random generator (reproducible)
getNextEmptyPageID() - Method in class elki.persistent.AbstractStoringPageFile
Returns the next empty page id.
getNextPageID() - Method in class elki.persistent.AbstractStoringPageFile
Returns the next page id.
getNextPageID() - Method in class elki.persistent.LRUCache
 
getNextPageID() - Method in interface elki.persistent.PageFile
Returns the next page id.
getNextReachability() - Method in class elki.clustering.optics.OPTICSXi.SteepScanPosition
Get current reachability.
getNode(int) - Method in class elki.gui.util.DynamicParameters
Get the node in this nth row of the flattened tree.
getNode(int) - Method in class elki.index.tree.IndexTree
Returns the node with the specified id.
getNode(int) - Method in class elki.index.tree.spatial.rstarvariants.flat.FlatRStarTree
 
getNode(int) - Method in class elki.visualization.parallel3d.layout.Layout
Get the node for the given dimension.
getNode(E) - Method in class elki.index.tree.IndexTree
Returns the node that is represented by the specified entry.
getNodeClass() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.MkAppTreeFactory
 
getNodeClass() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCopTreeFactory
 
getNodeClass() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkmax.MkMaxTreeFactory
 
getNodeClass() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mktab.MkTabTreeFactory
 
getNodeClass() - Method in class elki.index.tree.metrical.mtreevariants.mtree.MTreeFactory
 
getNodeClass() - Method in class elki.index.tree.spatial.rstarvariants.deliclu.DeLiCluTreeFactory
 
getNodeClass() - Method in class elki.index.tree.spatial.rstarvariants.flat.FlatRStarTreeFactory
 
getNodeClass() - Method in class elki.index.tree.spatial.rstarvariants.rdknn.RdKNNTreeFactory
 
getNodeClass() - Method in class elki.index.tree.spatial.rstarvariants.rstar.RStarTreeFactory
 
getNonSpatialDistance() - Method in class elki.outlier.spatial.AbstractDistanceBasedSpatialOutlier
Get the non-spatial relation
getNormalizedLinearEquationSystem(Normalization<?>) - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the linear equation system for printing purposes.
getNumberOfNativeColors() - Method in interface elki.visualization.colors.ColorLibrary
Return the number of native colors available.
getNumberOfNativeColors() - Method in class elki.visualization.colors.ListBasedColorLibrary
 
getNumberOfNeighbors() - Method in interface elki.index.preprocessed.snn.SharedNearestNeighborIndex.Factory
Get the number of neighbors
getNumberOfNeighbors() - Method in interface elki.index.preprocessed.snn.SharedNearestNeighborIndex
Get the number of neighbors
getNumberOfNeighbors() - Method in class elki.index.preprocessed.snn.SharedNearestNeighborPreprocessor.Factory
Get the number of neighbors
getNumberOfNeighbors() - Method in class elki.index.preprocessed.snn.SharedNearestNeighborPreprocessor
Get the number of neighbors
getNumberOfPointsInLowerHull() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ConvexHull
Returns the number of points in lower hull
getNumberOfPointsInUpperHull() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ConvexHull
Returns the number of points in upper hull
getNumberOfProjections() - Method in class elki.index.lsh.hashfunctions.CosineLocalitySensitiveHashFunction
 
getNumberOfProjections() - Method in interface elki.index.lsh.hashfunctions.LocalitySensitiveHashFunction
Get the number of projections performed.
getNumberOfProjections() - Method in class elki.index.lsh.hashfunctions.MultipleProjectionsLocalitySensitiveHashFunction
 
getNumberSamples() - Method in interface elki.data.uncertain.DiscreteUncertainObject
Get the number of samples available (or -1 for infinite).
getNumberSamples() - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject
 
getNumberSamples() - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject
 
getNumberVectorFactory(Relation<V>) - Static method in class elki.database.relation.RelationUtil
Get the number vector factory of a database relation.
getNumBins() - Method in class elki.utilities.datastructures.histogram.AbstractObjDynamicHistogram
 
getNumBins() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Get the number of bins actually in use.
getNumBins() - Method in class elki.utilities.datastructures.histogram.DoubleDynamicHistogram
 
getNumBins() - Method in interface elki.utilities.datastructures.histogram.Histogram
Get the number of bins actually in use.
getNumDimensions() - Method in class elki.outlier.density.HySortOD.Hypercube
 
getNumEntries() - Method in class elki.index.tree.AbstractNode
 
getNumEntries() - Method in interface elki.index.tree.Node
Returns the number of entries of this node.
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.ExponentialLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.GammaLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.GeneralizedExtremeValueLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.GeneralizedLogisticAlternateLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.GeneralizedParetoLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.GumbelLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.LaplaceLMMEstimator
 
getNumMoments() - Method in interface elki.math.statistics.distribution.estimator.LMMDistributionEstimator
The number of moments needed.
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.LogisticLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.LogNormalBilkovaLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.LogNormalLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.NormalLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.RayleighLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.SkewGNormalLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.UniformLMMEstimator
 
getNumMoments() - Method in class elki.math.statistics.distribution.estimator.WeibullLMMEstimator
 
getNumRecords() - Method in class elki.persistent.OnDiskArray
Get number of records in file.
getObjects() - Method in class elki.index.preprocessed.knn.KNNChangeEvent
Returns the ids of the removed or inserted kNNs (according to the type of this event).
getObjectsByLabelMatch(Database, Pattern) - Static method in class elki.database.DatabaseUtil
Find object by matching their labels.
getOffset() - Method in class elki.database.ids.EmptyDBIDs.EmptyDBIDIterator
 
getOffset() - Method in class elki.database.ids.integer.ArrayModifiableIntegerDBIDs.Itr
 
getOffset() - Method in class elki.database.ids.integer.ArrayModifiableIntegerDBIDs.Slice.SliceItr
 
getOffset() - Method in class elki.database.ids.integer.ArrayStaticIntegerDBIDs.Itr
 
getOffset() - Method in class elki.database.ids.integer.ArrayStaticIntegerDBIDs.Slice.SliceItr
 
getOffset() - Method in class elki.database.ids.integer.DoubleIntegerDBIDArrayList.Itr
 
getOffset() - Method in class elki.database.ids.integer.DoubleIntegerDBIDSubList.Itr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBID.Itr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBIDKNNSubList.Itr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBIDPair.Itr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBIDPair.Slice.SliceItr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBIDRange.Itr
 
getOffset() - Method in class elki.database.ids.integer.IntegerDBIDVar.Itr
 
getOffset() - Method in class elki.database.ids.integer.UnmodifiableIntegerArrayDBIDs.Itr
 
getOffset() - Method in class elki.evaluation.scores.adapter.AbstractVectorIter
 
getOffset() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram.Iter
 
getOffset() - Method in interface elki.utilities.datastructures.iterator.ArrayIter
Get current iterator offset.
getOffset() - Method in class elki.utilities.datastructures.iterator.ArrayListIter
 
getOffset(int) - Method in class elki.itemsetmining.associationrules.AssociationRuleGeneration.ItemsetSearcher
Offset for itemsets of length i.
getOffset(int, int) - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix
Array offset computation.
getOffset(int, int) - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix
Array offset computation.
getOffset(DBIDRef) - Method in interface elki.database.ids.DBIDRange
Get offset in the array for a particular DBID.
getOffset(DBIDRef) - Method in class elki.database.ids.integer.IntegerDBIDRange
For storage array offsets.
getOpacity(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getOpacity(String) - Method in interface elki.visualization.style.StyleLibrary
Get opacity
getOPTICSPlot(VisualizerContext) - Method in class elki.visualization.projections.OPTICSProjection
Get or produce the actual OPTICS plot.
getOPTICSPlot(VisualizerContext) - Method in class elki.visualization.projector.OPTICSProjector
Get or produce the actual OPTICS plot.
getOptionID() - Method in class elki.utilities.optionhandling.parameters.AbstractParameter
 
getOptionID() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Return the OptionID of this option.
getOptions() - Method in class elki.visualization.parallel3d.util.SimpleMenuOverlay
 
getOrCreateColumn(int) - Method in class elki.index.invertedlist.InMemoryInvertedIndex
Get (or create) a column.
getOrCreateOptionID(String, String) - Static method in class elki.utilities.optionhandling.OptionID
Gets or creates the OptionID for the given class and given name.
getOrCreateProgressBar(Progress) - Method in class elki.gui.util.LogPanel
Get an existing or create a new progress bar.
getOrdering() - Method in class elki.result.outlier.OutlierResult
Get the outlier ordering
getOrderingResults(Object) - Static method in class elki.result.ResultUtil
Collect all ordering results from a Result
getOutlierMeta() - Method in class elki.result.outlier.OutlierResult
Get the outlier score meta data
getOutlierResult(Object) - Method in class elki.outlier.meta.RescaleMetaOutlierAlgorithm
Find an OutlierResult to work with.
getOutlierResults(Object) - Static method in class elki.result.outlier.OutlierResult
Collect all outlier results from a Result
getOutputDataTypeInformation() - Method in class elki.data.projection.FeatureSelection
 
getOutputDataTypeInformation() - Method in class elki.data.projection.LatLngToECEFProjection
 
getOutputDataTypeInformation() - Method in class elki.data.projection.LngLatToECEFProjection
 
getOutputDataTypeInformation() - Method in class elki.data.projection.NumericalFeatureSelection
 
getOutputDataTypeInformation() - Method in interface elki.data.projection.Projection
Output type restriction
getOutputDataTypeInformation() - Method in class elki.data.projection.RandomProjection
 
getOutputDimensionality() - Method in class elki.data.projection.random.AbstractRandomProjectionFamily.MatrixProjection
 
getOutputDimensionality() - Method in interface elki.data.projection.random.RandomProjectionFamily.Projection
Get the output dimensionality.
getOutputDimensionality() - Method in class elki.data.projection.random.RandomSubsetProjectionFamily.SubsetProjection
 
getOutputDimensionality() - Method in class elki.data.projection.random.SimplifiedRandomHyperplaneProjectionFamily.SignedProjection
 
getOutputType() - Method in class elki.clustering.dbscan.predicates.COPACNeighborPredicate
 
getOutputType() - Method in class elki.clustering.dbscan.predicates.EpsilonNeighborPredicate
 
getOutputType() - Method in class elki.clustering.dbscan.predicates.ERiCNeighborPredicate
 
getOutputType() - Method in class elki.clustering.dbscan.predicates.FourCNeighborPredicate
 
getOutputType() - Method in interface elki.clustering.dbscan.predicates.NeighborPredicate
Output data type information.
getOutputType() - Method in class elki.clustering.dbscan.predicates.PreDeConNeighborPredicate
 
getOutputType() - Method in class elki.clustering.dbscan.predicates.SimilarityNeighborPredicate
 
getOutputType() - Method in class elki.clustering.uncertain.FDBSCANNeighborPredicate
 
getOverflowTreatment() - Method in class elki.index.tree.spatial.rstarvariants.RTreeSettings
 
getOwner() - Method in class elki.utilities.optionhandling.parameterization.TrackedParameter
Get the owner object.
getOwner() - Method in class elki.visualization.css.CSSClass
Get class owner.
getP() - Method in class elki.distance.minkowski.LPNormDistance
Get the functions p parameter.
getP() - Method in class elki.distance.subspace.SubspaceLPNormDistance
Get the value of p.
getPackageName() - Method in class elki.gui.util.ClassTree.PackageNode
Return the package name.
getPageID() - Method in interface elki.index.tree.DirectoryEntry
Get the page ID of this directory entry.
getPageID() - Method in class elki.index.tree.metrical.mtreevariants.MTreeDirectoryEntry
 
getPageID() - Method in class elki.index.tree.spatial.SpatialDirectoryEntry
 
getPageID() - Method in class elki.persistent.AbstractExternalizablePage
Returns the unique id of this Page.
getPageID() - Method in interface elki.persistent.Page
Returns the unique id of this Page.
getPageID(E) - Method in class elki.index.tree.IndexTree
Convert a directory entry to its page id.
getPageSize() - Method in class elki.index.tree.IndexTree
Get the page size of the backing storage.
getPageSize() - Method in class elki.persistent.AbstractPageFileFactory
 
getPageSize() - Method in class elki.persistent.AbstractStoringPageFile
Get the page size of this page file.
getPageSize() - Method in class elki.persistent.DefaultPageHeader
Returns the size of a page in Bytes.
getPageSize() - Method in class elki.persistent.LRUCache
 
getPageSize() - Method in class elki.persistent.LRUCachePageFileFactory
 
getPageSize() - Method in interface elki.persistent.PageFile
Get the page size of this page file.
getPageSize() - Method in interface elki.persistent.PageFileFactory
Query the page size.
getPageSize() - Method in interface elki.persistent.PageHeader
Returns the size of a page in Bytes.
getPaircount() - Method in class elki.evaluation.clustering.ClusterContingencyTable
Get (compute) the pair counting measures.
getPairCount() - Method in class elki.evaluation.clustering.pairsegments.Segment
Get the number of pairs in the segment.
getPairCount(boolean) - Method in class elki.evaluation.clustering.pairsegments.Segments
Get total number of pairs with or without the unclustered pairs.
getPairedSegments(Segment) - Method in class elki.evaluation.clustering.pairsegments.Segments
Return to a given segment with unpaired objects, the corresponding segments that result in an unpaired segment.
getPairSetsIndex() - Method in class elki.evaluation.clustering.ClusterContingencyTable
The Pair Sets Index measures
getParallelism() - Method in class elki.parallel.ParallelCore
Get desired level of parallelism
getParameter() - Method in class elki.utilities.optionhandling.parameterization.TrackedParameter
Get the parameter observed.
getParameterDelta(Parameterization) - Static method in class elki.distance.timeseries.EDRDistance.Par
Get parameter delta.
getParameterDistance(Parameterization) - Method in class elki.clustering.kmeans.AbstractKMeans.Par
Get the distance function parameter.
getParameterInitialization(Parameterization) - Method in class elki.clustering.kmeans.AbstractKMeans.Par
Get the initialization method parameter.
getParameterInputFile(Parameterization) - Method in class elki.application.AbstractApplication.Par
Get the input file parameter.
getParameterInputFile(Parameterization, String) - Method in class elki.application.AbstractApplication.Par
Get the input file parameter
getParameterizer(Class<?>) - Static method in class elki.utilities.ClassGenericsUtil
Get a parameterizer for the given class.
getParameterK(Parameterization) - Method in class elki.clustering.kmeans.AbstractKMeans.Par
Get the k parameter.
getParameterMaxIter(Parameterization) - Method in class elki.clustering.kmeans.AbstractKMeans.Par
Get the max iterations parameter.
getParameterName() - Method in exception elki.utilities.optionhandling.UnspecifiedParameterException
Get the parameter name that was missing.
getParameterOutputFile(Parameterization) - Method in class elki.application.AbstractApplication.Par
Get the output file parameter.
getParameterOutputFile(Parameterization, String) - Method in class elki.application.AbstractApplication.Par
Get the output file parameter.
getParameterVarstat(Parameterization) - Method in class elki.clustering.kmeans.AbstractKMeans.Par
Get the variance statistics parameter.
getParams() - Method in class elki.math.linearalgebra.fitting.LevenbergMarquardtMethod
Get current parameters.
getParent(Object) - Method in class elki.utilities.optionhandling.parameterization.TrackParameters
Traverse the tree upwards.
getParentDistance() - Method in class elki.index.tree.metrical.mtreevariants.MTreeDirectoryEntry
Returns the distance from the routing object of this entry to its parent's routing object.
getParentDistance() - Method in interface elki.index.tree.metrical.mtreevariants.MTreeEntry
Returns the distance from the routing object of this entry to the routing object of its parent.
getParentDistance() - Method in class elki.index.tree.metrical.mtreevariants.MTreeLeafEntry
Returns the distance from the underlying data object to its parent's routing object.
getParentPath() - Method in class elki.index.tree.IndexTreePath
Returns a path containing all the elements of this object, except the last path component.
getPartialMaxDist(int, int) - Method in class elki.index.vafile.VALPNormDistance
Get the maximum distance contribution of a single dimension.
getPartialMaxMaxDist(int) - Method in class elki.index.vafile.VALPNormDistance
Get the maximum distance.
getPartialMinDist(int, int) - Method in class elki.index.vafile.VALPNormDistance
Get the minimum distance contribution of a single dimension.
getPathCount() - Method in class elki.index.tree.IndexTreePath
Returns the number of elements in the path.
getPCAResult() - Method in class elki.data.model.CorrelationModel
Get assigned PCA result
getPivot() - Method in class elki.math.linearalgebra.LUDecomposition
Return pivot permutation vector
getPlot() - Method in class elki.visualization.batikutil.JSVGSynchronizedCanvas
Get the currently displayed SVG plot.
getPlot() - Method in class elki.visualization.gui.overview.OverviewPlot
Get the SVGPlot object.
getPlot() - Method in class elki.visualization.opticsplot.OPTICSPlot
Get the OPTICS plot.
getPlot() - Method in class elki.visualization.silhouette.SilhouettePlot
Get the Silhouette plot.
getPlotItem() - Method in class elki.visualization.gui.detail.DetailView
Get the item visualized by this view.
getPolarDistance() - Method in class elki.math.geodesy.AbstractEarthModel
 
getPolarDistance() - Method in interface elki.math.geodesy.EarthModel
Polar distance.
getPolygons() - Method in class elki.data.spatial.PolygonsObject
Access the polygon data.
getPolynomialOrder() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.PolynomialApproximation
Returns the order of the polynom.
getPopulationStddev() - Method in class elki.math.MeanVariance
Return standard deviation using the population variance (scaled by 1/N).
getPopulationStddevX() - Method in class elki.math.PearsonCorrelation
Return standard deviation using the non-sample variance
getPopulationStddevY() - Method in class elki.math.PearsonCorrelation
Return standard deviation using the non-sample variance
getPopulationVariance() - Method in class elki.math.MeanVariance
Return the population variance (scaled by 1/N).
getPopulationVarianceX() - Method in class elki.math.PearsonCorrelation
Return the naive variance (not taking sampling into account)
getPopulationVarianceY() - Method in class elki.math.PearsonCorrelation
Return the naive variance (not taking sampling into account)
getPositions() - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get / compute the positions.
getPossibleValues() - Method in class elki.utilities.optionhandling.parameters.EnumParameter
Get a list of possible values for this enum parameter.
getPredecessor(DBIDRef, DBIDVar) - Method in class elki.clustering.optics.ClusterOrder
Get the predecessor.
getPreferredColumns(double, double, int, double) - Static method in class elki.visualization.visualizers.visunproj.KeyVisualization
Compute the preferred number of columns.
getPreprocessor() - Method in class elki.database.query.knn.PreprocessorKNNQuery
Get the preprocessor instance.
getProcessed() - Method in class elki.logging.progress.AbstractProgress
Get the number of items already processed at a time being.
getProgress() - Method in class elki.logging.progress.ProgressLogRecord
Get the objects progress.
getProgresses() - Method in class elki.logging.progress.ProgressTracker
Get a list of progresses tracked.
getProgressiveKnnDistanceApproximation() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.MkCoPLeafEntry
Returns the progressive approximation line.
getProjector() - Method in class elki.visualization.projections.AbstractProjection
 
getProjector() - Method in class elki.visualization.projections.OPTICSProjection
 
getProjector() - Method in interface elki.visualization.projections.Projection
Projector used for generating this projection.
getProjector() - Method in class elki.visualization.projections.SilhouetteProjection
 
getProjector() - Method in class elki.visualization.projections.SimpleParallel
 
getPropertyValue(String, String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
Retrieve the property value for a particular path + type pair.
getProtocolHandled() - Method in class elki.visualization.batikutil.ThumbnailRegistryEntry
 
getPrototype() - Method in class elki.data.model.PrototypeDendrogramModel
 
getPrototype() - Method in interface elki.data.model.PrototypeModel
 
getPrototype() - Method in class elki.data.model.SimplePrototypeModel
 
getPrototype(Model, Relation<? extends NumberVector>) - Static method in class elki.data.model.ModelUtil
Get the representative vector for a cluster model.
getPrototype(Model, Relation<? extends V>, NumberVector.Factory<V>) - Static method in class elki.data.model.ModelUtil
Get (and convert!)
getPrototypeOrCentroid(Model, Relation<? extends NumberVector>, DBIDs) - Static method in class elki.data.model.ModelUtil
Get the representative vector for a cluster model, or compute the centroid.
getPrototypeOrCentroid(Model, Relation<? extends V>, DBIDs, NumberVector.Factory<V>) - Static method in class elki.data.model.ModelUtil
Get the representative vector for a cluster model, or compute the centroid.
getPrototypeType() - Method in class elki.data.model.MeanModel
 
getPrototypeType() - Method in class elki.data.model.MedoidModel
 
getPrototypeType() - Method in class elki.data.model.PrototypeDendrogramModel
 
getPrototypeType() - Method in interface elki.data.model.PrototypeModel
Type of prototype (Median, Mean, ...) for printing.
getPrototypeType() - Method in class elki.data.model.SimplePrototypeModel
 
getQ() - Method in class elki.math.linearalgebra.QRDecomposition
Generate and return the (economy-sized, m by n) orthogonal factor
getR() - Method in class elki.math.linearalgebra.QRDecomposition
Return the upper triangular factor
getR() - Method in class elki.math.statistics.kernelfunctions.BiweightKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.CosineKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.EpanechnikovKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.GaussianKernelDensityFunction
 
getR() - Method in interface elki.math.statistics.kernelfunctions.KernelDensityFunction
Get the R integral of the kernel, \int K^2(x) dx
getR() - Method in class elki.math.statistics.kernelfunctions.TriangularKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.TricubeKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.TriweightKernelDensityFunction
 
getR() - Method in class elki.math.statistics.kernelfunctions.UniformKernelDensityFunction
 
getRandom() - Method in class elki.utilities.random.RandomFactory
Get a random generator.
getRange(NumberVector, int, NumberVector, int) - Method in class elki.distance.timeseries.LCSSDistance
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanDistanceRangeByDBID
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanSimilarityRangeByDBID
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.WrappedRangeDBIDByLookup
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedRangeQuery
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix.PrecomputedSimilarityRangeQuery
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.laesa.LAESA.LAESARangeByDBIDSearcher
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.projected.ProjectedIndex.ProjectedRangeByDBID
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreeRangeDBIDSearcher
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreeRangeDBIDSearcher
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.mtreevariants.query.MTreeRangeByDBID
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.vptree.GNAT.GNATRangeDBIDSearcher
 
getRange(DBIDRef, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreeRangeDBIDSearcher
 
getRange(O, double) - Method in interface elki.database.query.range.RangeSearcher
Get the neighbors for a particular object in a given query range.
getRange(O, double, ModifiableDoubleDBIDList) - Method in interface elki.database.query.PrioritySearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanDistanceRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanEuclideanRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanPrimitiveDistanceRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanPrimitiveSimilarityRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.database.query.range.LinearScanSimilarityRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in interface elki.database.query.range.RangeSearcher
Get the neighbors for a particular id in a given query range.
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.idistance.InMemoryIDistanceIndex.IDistanceRangeSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.laesa.LAESA.LAESARangeByObjectSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.projected.ProjectedIndex.ProjectedRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreeRangeObjectSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreeRangeObjectSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.mtreevariants.query.MTreeRangeByObject
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.vptree.GNAT.GNATRangeObjectSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreeRangeObjectSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.kd.MemoryKDTree.KDTreeRangeSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.kd.MinimalisticMemoryKDTree.KDTreeRangeSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.kd.SmallMemoryKDTree.KDTreeRangeSearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.rstarvariants.query.EuclideanRStarTreeRangeQuery
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeDistancePrioritySearcher
 
getRange(O, double, ModifiableDoubleDBIDList) - Method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeRangeSearcher
 
getRange(V, double, ModifiableDoubleDBIDList) - Method in class elki.index.invertedlist.InMemoryInvertedIndex.ArcCosineRangeQuery
 
getRange(V, double, ModifiableDoubleDBIDList) - Method in class elki.index.invertedlist.InMemoryInvertedIndex.CosineRangeQuery
 
getRange(V, double, ModifiableDoubleDBIDList) - Method in class elki.index.lsh.InMemoryLSHIndex.Instance.LSHRangeQuery
 
getRange(V, double, ModifiableDoubleDBIDList) - Method in class elki.index.vafile.PartialVAFile.PartialVAFileRangeQuery
 
getRange(V, double, ModifiableDoubleDBIDList) - Method in class elki.index.vafile.VAFile.VAFileRangeQuery
 
getRangeQuery(AbstractRStarTree<?, ?, ?>, SpatialDistanceQuery<O>, Object...) - Static method in class elki.index.tree.spatial.rstarvariants.query.RStarTreeUtil
Get an RTree range query, using an optimized version for Euclidean distances.
getRanges() - Method in class elki.result.RangeSelection
Get the selection range.
getRate() - Method in class elki.math.statistics.distribution.ExponentialDistribution
Get rate parameter.
getRate() - Method in class elki.math.statistics.distribution.LaplaceDistribution
Get the rate parameter.
getRatio() - Method in class elki.visualization.gui.detail.DetailView
Get the plot ratio.
getRatio() - Method in class elki.visualization.gui.overview.OverviewPlot
 
getRatio() - Method in class elki.visualization.opticsplot.OPTICSPlot
Get width-to-height ratio of image.
getRatio() - Method in class elki.visualization.parallel3d.util.Simple1DOFCamera
Get screen ratio.
getRatio() - Method in class elki.visualization.silhouette.SilhouettePlot
Get width-to-height ratio of image.
getReachability() - Method in class elki.clustering.optics.OPTICSXi.SteepScanPosition
Get current reachability.
getReachability(DBIDRef) - Method in class elki.clustering.optics.ClusterOrder
Get the reachability of an object.
getRealEigenvalues() - Method in class elki.math.linearalgebra.EigenvalueDecomposition
Return the real parts of the eigenvalues
getRec(O) - Method in class elki.utilities.datastructures.hierarchy.HashMapHierarchy
Get a record.
getRecordBuffer(int) - Method in class elki.persistent.OnDiskArray
Get a record buffer
getRecordBuffer(int, int) - Method in class elki.persistent.OnDiskUpperTriangleMatrix
Get a record buffer
getRecordsize() - Method in class elki.persistent.OnDiskArray
Get the size of a single record.
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.AxisBasedReferencePoints
 
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.FullDatabaseReferencePoints
 
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.GridBasedReferencePoints
 
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.RandomGeneratedReferencePoints
 
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.RandomSampleReferencePoints
 
getReferencePoints(Relation<? extends NumberVector>) - Method in interface elki.utilities.referencepoints.ReferencePointsHeuristic
Get the reference points for the given database.
getReferencePoints(Relation<? extends NumberVector>) - Method in class elki.utilities.referencepoints.StarBasedReferencePoints
 
getRelation() - Method in class elki.clustering.kmedoids.CLARA.CachedDistanceQuery
 
getRelation() - Method in class elki.database.query.distance.DBIDDistanceQuery
 
getRelation() - Method in interface elki.database.query.distance.DistanceQuery
Access the underlying data query.
getRelation() - Method in class elki.database.query.distance.PrimitiveDistanceQuery
 
getRelation() - Method in class elki.database.query.similarity.PrimitiveSimilarityQuery
 
getRelation() - Method in interface elki.database.query.similarity.SimilarityQuery
Access the underlying data query.
getRelation() - Method in class elki.distance.AbstractDatabaseDistance.Instance
 
getRelation() - Method in class elki.distance.AbstractIndexBasedDistance.Instance
 
getRelation() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
Get the relation
getRelation() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistanceQuery
 
getRelation() - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix.PrecomputedSimilarityQuery
 
getRelation() - Method in class elki.similarity.AbstractIndexBasedSimilarity.Instance
 
getRelation() - Method in class elki.visualization.projector.HistogramProjector
Get the relation we project.
getRelation() - Method in class elki.visualization.projector.ParallelPlotProjector
The relation we project.
getRelation() - Method in class elki.visualization.projector.ScatterPlotProjector
The relation we project.
getRelation() - Method in class elki.visualization.VisualizationTask
 
getRelation(TypeInformation, Object...) - Method in class elki.database.AbstractDatabase
 
getRelation(TypeInformation, Object...) - Method in interface elki.database.Database
Get an object representation.
getRelations() - Method in class elki.database.AbstractDatabase
 
getRelations() - Method in interface elki.database.Database
Get all relations of a database.
getRelations(Object) - Static method in class elki.result.ResultUtil
Collect all Annotation results from a Result
getRelativeCoordinates(Event, Element) - Static method in class elki.visualization.batikutil.BatikUtil
Get the relative coordinates of a point within the coordinate system of a particular SVG Element.
getRelativeScaled(double) - Method in class elki.math.scales.LinearScale
Covert a relative value to it's scale position
getRelativeScaled(double, double, double) - Method in class elki.math.scales.LinearScale
Covert a relative value to it's scale position
getRelativeUnscaled(double) - Method in class elki.math.scales.LinearScale
Covert a relative scale position to the actual value
getRelativeUnscaled(double, double, double) - Method in class elki.math.scales.LinearScale
Covert a relative scale position to the actual value
getRemainingParameters() - Method in class elki.utilities.optionhandling.parameterization.ListParameterization
Return the yet unused parameters.
getRemainingParameters() - Method in class elki.utilities.optionhandling.parameterization.SerializedParameterization
Return the yet unused parameters.
getRemovals() - Method in class elki.database.datastore.DataStoreEvent
Get the removed objects.
getRequestedHeight() - Method in class elki.visualization.VisualizationTask
Get the requested height.
getRequestedWidth() - Method in class elki.visualization.VisualizationTask
Get the requested width.
getRes() - Method in class elki.math.scales.LinearScale
Get resolution (scale interval size)
getReservedPages() - Method in class elki.persistent.DefaultPageHeader
Returns the number of pages necessary for the header
getReservedPages() - Method in interface elki.persistent.PageHeader
Returns the number of pages necessary for the header
getRestrictionClass() - Method in class elki.data.BitVector.Factory
 
getRestrictionClass() - Method in class elki.data.ByteVector.Factory
 
getRestrictionClass() - Method in class elki.data.DoubleVector.Factory
 
getRestrictionClass() - Method in interface elki.data.FeatureVector.Factory
Get the objects type restriction.
getRestrictionClass() - Method in class elki.data.FloatVector.Factory
 
getRestrictionClass() - Method in class elki.data.IntegerVector.Factory
 
getRestrictionClass() - Method in class elki.data.OneDimensionalDoubleVector.Factory
 
getRestrictionClass() - Method in class elki.data.ShortVector.Factory
 
getRestrictionClass() - Method in class elki.data.SparseByteVector.Factory
 
getRestrictionClass() - Method in class elki.data.SparseDoubleVector.Factory
 
getRestrictionClass() - Method in class elki.data.SparseFloatVector.Factory
 
getRestrictionClass() - Method in class elki.data.SparseIntegerVector.Factory
 
getRestrictionClass() - Method in class elki.data.SparseShortVector.Factory
 
getRestrictionClass() - Method in class elki.data.type.SimpleTypeInformation
Get the raw restriction class.
getRestrictionClass() - Method in class elki.data.uncertain.SimpleGaussianContinuousUncertainObject.Factory
 
getRestrictionClass() - Method in class elki.data.uncertain.UniformContinuousUncertainObject.Factory
 
getRestrictionClass() - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject.Factory
 
getRestrictionClass() - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject.Factory
 
getRestrictionClass() - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
Returns the restriction class of this class parameter.
getRestrictionClass() - Method in class elki.utilities.optionhandling.parameters.ClassParameter
Returns the restriction class of this class parameter.
getResult() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the outlier result.
getResult() - Method in class elki.visualization.projections.OPTICSProjection
Get the OPTICS cluster order.
getResult() - Method in class elki.visualization.projections.SilhouetteProjection
Get the underlying Clustering from which the silhouette values are calculated.
getResult() - Method in class elki.visualization.projector.OPTICSProjector
Get the cluster order
getResult() - Method in class elki.visualization.projector.SilhouettePlotProjector
Get the underlying Clustering
getResult() - Method in class elki.visualization.VisualizationTask
 
getResult() - Method in class elki.workflow.AlgorithmStep
Get the result.
getResult() - Method in class elki.workflow.EvaluationStep
Return the result.
getRetries() - Method in interface elki.data.synthetic.bymodel.GeneratorInterfaceDynamic
Retrieve remaining number of retries.
getRetries() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
getRHS() - Method in class elki.math.linearalgebra.LinearEquationSystem
Returns a copy of the right hand side of this linear equation system.
getRight() - Method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram.Iter
 
getRight() - Method in interface elki.utilities.datastructures.histogram.Histogram.Iter
Get the bin maximum.
getRightChild() - Method in class elki.clustering.correlation.cash.CASHInterval
Returns the right child of this interval.
getRKNN(DBIDRef) - Method in class elki.index.preprocessed.knn.MaterializeKNNAndRKNNPreprocessor
Returns the materialized RkNNs of the specified id.
getRKNN(DBIDRef, int) - Method in class elki.database.query.rknn.LinearScanRKNNByDBID
 
getRKNN(DBIDRef, int) - Method in class elki.database.query.rknn.PreprocessorRKNNQuery
 
getRKNN(DBIDRef, int) - Method in class elki.database.query.rknn.WrappedRKNNDBIDByLookup
 
getRKNN(DBIDRef, int) - Method in class elki.index.projected.ProjectedIndex.ProjectedRKNNByDBID
 
getRKNN(DBIDRef, int) - Method in class elki.index.tree.metrical.mtreevariants.query.MkTreeRKNNQuery
 
getRKNN(O, int) - Method in class elki.database.query.rknn.LinearScanRKNNByObject
 
getRKNN(O, int) - Method in interface elki.database.query.rknn.RKNNSearcher
Get the reverse k nearest neighbors for a particular object.
getRKNN(O, int) - Method in class elki.index.projected.ProjectedIndex.ProjectedRKNNByObject
 
getRkNNReach() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the RkNN query for the reachability set.
getRkNNRefer() - Method in class elki.outlier.lof.FlexibleLOF.LOFResult
Get the RkNN query for the reference set.
getRoot() - Method in class elki.index.tree.betula.CFTree
Get the trees root node.
getRoot() - Method in class elki.visualization.svg.SVGPlot
Getter for root element.
getRootEntry() - Method in class elki.index.tree.IndexTree
Returns the entry representing the root if this index.
getRootID() - Method in class elki.index.tree.IndexTree
Page ID of the root entry.
getRootPath() - Method in class elki.index.tree.IndexTree
Returns the path to the root of this tree.
getRoots() - Method in interface elki.utilities.datastructures.unionfind.UnionFind
Collect all component root elements.
getRoots() - Method in class elki.utilities.datastructures.unionfind.WeightedQuickUnionInteger
Collect all component root elements.
getRoots() - Method in class elki.utilities.datastructures.unionfind.WeightedQuickUnionRangeDBIDs
 
getRoots() - Method in class elki.utilities.datastructures.unionfind.WeightedQuickUnionStaticDBIDs
 
getRotationZ() - Method in class elki.visualization.parallel3d.util.Simple1DOFCamera
Get the Z rotation in radians.
getRoutingObjectID() - Method in class elki.index.tree.metrical.mtreevariants.MTreeDirectoryEntry
Returns the id of the routing object of this entry.
getRoutingObjectID() - Method in interface elki.index.tree.metrical.mtreevariants.MTreeEntry
Returns the id of the underlying database object of this entry, if this entry is a leaf entry, the id of the routing object, otherwise.
getRoutingObjectID() - Method in class elki.index.tree.metrical.mtreevariants.MTreeLeafEntry
Returns the id of the underlying data object of this entry.
getRow(double[][], int) - Static method in class elki.math.linearalgebra.VMath
Returns the rth row of this matrix as vector.
getRow(int) - Method in class elki.datasource.bundle.MultipleObjectsBundle
Get an object row.
getRowCount() - Method in class elki.gui.util.ParametersModel
 
getRowCount() - Method in class elki.visualization.gui.SelectionTableWindow.DatabaseTableModel
 
getRowDBID(int) - Method in class elki.clustering.biclustering.AbstractBiclustering
Deprecated.
Expensive!
getRowDim() - Method in class elki.clustering.biclustering.AbstractBiclustering
The number of rows of the data matrix.
getRowDimensionality(double[][]) - Static method in class elki.math.linearalgebra.VMath
Returns the dimensionality of the rows of this matrix.
getRowPermutations() - Method in class elki.math.linearalgebra.LinearEquationSystem
Returns a copy of the row permutations, row i is at position row[i].
getRules() - Method in class elki.result.AssociationRuleResult
Returns the rules.
getRX(double[], double[]) - Method in class elki.math.geometry.GrahamScanConvexHull2D
Get the relative X coordinate to the origin.
getRY(double[], double[]) - Method in class elki.math.geometry.GrahamScanConvexHull2D
Get the relative Y coordinate to the origin.
getS() - Method in class elki.math.linearalgebra.SingularValueDecomposition
Return the diagonal matrix of singular values
getSafeCut(int, double[]) - Method in class elki.math.statistics.dependence.mcde.MWPTest
Adjusts idx so that it lies not in the middle of a tie by searching the ranks index
getSample() - Method in class elki.result.SamplingResult
 
getSample(int) - Method in interface elki.data.uncertain.DiscreteUncertainObject
Get the i'th vector.
getSample(int) - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject
 
getSample(int) - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject
 
getSampleCovariance() - Method in class elki.math.PearsonCorrelation
Get the covariance of X and Y (with sampling correction)
getSampleExcessKurtosis() - Method in class elki.math.StatisticalMoments
Get the kurtosis using sample variance.
getSampleKurtosis() - Method in class elki.math.StatisticalMoments
Get the kurtosis using sample variance.
getSampleSkewness() - Method in class elki.math.StatisticalMoments
Get the skewness using sample variance.
getSampleStddev() - Method in class elki.math.MeanVariance
Return sample standard deviation (scaled by 1/(N-1)).
getSampleStddevX() - Method in class elki.math.PearsonCorrelation
Return standard deviation
getSampleStddevY() - Method in class elki.math.PearsonCorrelation
Return standard deviation
getSampleVariance() - Method in class elki.math.MeanVariance
Return sample variance (scaled by 1/(N-1)).
getSampleVarianceX() - Method in class elki.math.PearsonCorrelation
Return sample variance.
getSampleVarianceY() - Method in class elki.math.PearsonCorrelation
Return sample variance.
getSamplingResult(Relation<?>) - Static method in class elki.result.SamplingResult
Get the sampling result attached to a relation
getScale() - Method in class elki.math.statistics.distribution.GeneralizedLogisticAlternateDistribution
Scale parameter
getScale() - Method in class elki.math.statistics.distribution.LogisticDistribution
Get the scale parameter.
getScale() - Method in class elki.math.statistics.distribution.LogLogisticDistribution
Get the distribution scale.
getScale() - Method in class elki.math.statistics.distribution.SkewGeneralizedNormalDistribution
Get the scale parameter
getScale() - Method in class elki.visualization.opticsplot.OPTICSPlot
 
getScale() - Method in class elki.visualization.silhouette.SilhouettePlot
 
getScale(int) - Method in class elki.result.ScalesResult
Get the scale for dimension dim (starting at 1!).
getScale(int) - Method in class elki.visualization.projections.AbstractProjection
Get the scales used, for rendering scales mostly.
getScale(int) - Method in class elki.visualization.projections.OPTICSProjection
 
getScale(int) - Method in interface elki.visualization.projections.Projection
Get the scale class for a particular dimension.
getScale(int) - Method in class elki.visualization.projections.SilhouetteProjection
 
getScale(int) - Method in class elki.visualization.projections.SimpleParallel
 
getScaled(double) - Method in class elki.math.scales.LinearScale
Covert a value to it's scale position
getScaled(double) - Method in class elki.utilities.scaling.ClipScaling
 
getScaled(double) - Method in class elki.utilities.scaling.GammaScaling
 
getScaled(double) - Method in class elki.utilities.scaling.IdentityScaling
 
getScaled(double) - Method in class elki.utilities.scaling.LinearScaling
 
getScaled(double) - Method in class elki.utilities.scaling.MinusLogScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.COPOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.HeDESNormalizationOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.LogRankingPseudoOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.MinusLogStandardDeviationScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.MixtureModelOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.MultiplicativeInverseScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.OutlierGammaScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.OutlierLinearScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.OutlierMinusLogScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.OutlierSqrtScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.RankingPseudoOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.SigmoidOutlierScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.SqrtStandardDeviationScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.StandardDeviationScaling
 
getScaled(double) - Method in class elki.utilities.scaling.outlier.TopKOutlierScaling
 
getScaled(double) - Method in interface elki.utilities.scaling.ScalingFunction
Transform a given value using the scaling function.
getScaled(double, double, double) - Method in class elki.math.scales.LinearScale
Covert a value to it's scale position
getScaledForId(DBIDRef) - Method in class elki.visualization.visualizers.scatterplot.outlier.BubbleVisualization.Instance
Convenience method to apply scalings in the right order.
getScales() - Method in class elki.result.ScalesResult
Get all scales.
getScalesResult(Relation<? extends SpatialComparable>) - Static method in class elki.result.ScalesResult
Get (or create) a scales result for a relation.
getScannedPages() - Method in class elki.index.vafile.VAFile
Get the number of scanned bytes.
getScores() - Method in class elki.result.outlier.OutlierResult
Get the outlier scores association.
getSecond() - Method in interface elki.database.ids.DBIDPair
Deprecated.
This method can be expensive. The use of a DBIDVar is recommended when many such accesses are needed.
getSecond() - Method in class elki.database.ids.integer.IntegerDBIDPair
Deprecated.
getSecond() - Method in class elki.utilities.pairs.Pair
Getter for second element in pair
getSecondAssignments() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.Assignments
Returns the assignments to the second routing object.
getSecondRoutingObject() - Method in class elki.index.tree.metrical.mtreevariants.strategies.split.distribution.Assignments
Returns the id of the second routing object.
getSelectedAttributes() - Method in class elki.datasource.filter.transform.NumberVectorFeatureSelectionFilter
Provides a BitSet with the bits set to true corresponding to the selected attributes in NumberVectorFeatureSelectionFilter.Par.SELECTED_ATTRIBUTES_ID.
getSelectedDimension() - Method in class elki.distance.subspace.OnedimensionalDistance
Returns the selected dimension.
getSelectedDimensions() - Method in class elki.distance.subspace.AbstractDimensionsSelectingDistance
 
getSelectedDimensions() - Method in interface elki.distance.subspace.DimensionSelectingSubspaceDistance
Returns a bit set representing the selected dimensions.
getSelectedDimensions() - Method in class elki.distance.subspace.OnedimensionalDistance
Deprecated.
getSelectedFormat() - Method in class elki.visualization.savedialog.SaveOptionsPanel
Return the selected file format.
getSelectedHeight() - Method in class elki.visualization.savedialog.SaveOptionsPanel
Get the user selected height.
getSelectedIds() - Method in class elki.result.DBIDSelection
Getter for the selected IDs
getSelectedIndex(ClusterOrder, SVGPoint) - Method in class elki.visualization.visualizers.optics.OPTICSPlotSelectionVisualization.Instance
Gets the Index of the ClusterOrderEntry where the event occurred
getSelectedIndex(SVGPoint) - Method in class elki.visualization.visualizers.silhouette.SilhouettePlotSelectionToolVisualization.Instance
Gets the Index of the ClusterOrderEntry where the event occurred
getSelectedItem() - Method in class elki.gui.minigui.MiniGUI.SettingsComboboxModel
 
getSelectedItem() - Method in class elki.gui.multistep.panels.SavedSettingsTabPanel.SettingsComboboxModel
 
getSelectedWidth() - Method in class elki.visualization.savedialog.SaveOptionsPanel
Get the user selected width.
getSelection() - Method in class elki.result.SelectionResult
 
getSelection() - Method in class elki.visualization.VisualizerContext
Get the current selection.
getSelectionResult() - Method in class elki.visualization.VisualizerContext
Get the current selection result.
getSerializer() - Method in class elki.data.type.SimpleTypeInformation
Get the serializer for this type.
getSetMatchingPurity() - Method in class elki.evaluation.clustering.ClusterContingencyTable
The set-matching purity measures
getSettings() - Method in class elki.result.SettingsResult
Get the settings
getSettingsResults(Object) - Static method in class elki.result.SettingsResult
Collect all settings results from a Result
getShape() - Method in class elki.math.statistics.distribution.CauchyDistribution
Return the shape parameter.
getShape() - Method in class elki.math.statistics.distribution.GeneralizedLogisticAlternateDistribution
Shape parameter
getShape() - Method in class elki.math.statistics.distribution.InverseGaussianDistribution
Shape parameter.
getShape() - Method in class elki.math.statistics.distribution.LogLogisticDistribution
Get the distribution shape.
getShift() - Method in class elki.math.statistics.distribution.LogNormalDistribution
Get the distribution shift.
getShiftedDim(NumberVector, int, int) - Method in class elki.outlier.lof.ALOCI.ALOCIQuadTree
Shift and wrap a single dimension.
getShort(double[], int) - Method in class elki.utilities.datastructures.arraylike.DoubleArrayAdapter
 
getShort(float[], int) - Method in class elki.utilities.datastructures.arraylike.FloatArrayAdapter
 
getShort(A, int) - Method in interface elki.utilities.datastructures.arraylike.NumberArrayAdapter
Get the off'th item from the array as short.
getShort(NumberVector, int) - Method in class elki.utilities.datastructures.arraylike.NumberVectorAdapter
 
getShort(DoubleArray, int) - Method in class elki.utilities.datastructures.arraylike.DoubleArray
 
getShort(IntegerArray, int) - Method in class elki.utilities.datastructures.arraylike.IntegerArray
 
getShortName() - Method in class elki.algorithm.statistics.EvaluateRetrievalPerformance.RetrievalPerformanceResult
 
getShortName() - Method in class elki.database.AbstractDatabase
 
getShortName() - Method in class elki.evaluation.classification.ConfusionMatrixEvaluationResult
 
getShortName() - Method in class elki.evaluation.similaritymatrix.ComputeSimilarityMatrixImage.SimilarityMatrix
 
getShortName() - Method in class elki.index.preprocessed.knn.KNNJoinMaterializeKNNPreprocessor
 
getShortName() - Method in class elki.math.geometry.XYPlot
 
getShortName() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getShortName() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getShortName() - Method in class elki.result.SamplingResult
 
getShortName() - Method in class elki.result.SelectionResult
 
getShortName() - Method in class elki.visualization.opticsplot.OPTICSPlot
 
getShortName() - Method in class elki.visualization.silhouette.SilhouettePlot
 
getShortName() - Method in class elki.visualization.VisualizerContext
 
getSigma() - Method in class elki.math.statistics.distribution.GeneralizedExtremeValueDistribution
Get sigma.
getSigma() - Method in class elki.math.statistics.distribution.GeneralizedParetoDistribution
Scale parameter
getSigma() - Method in class elki.math.statistics.distribution.RayleighDistribution
Get the scale parameter.
getSignedVarintLongSize(long) - Static method in class elki.utilities.io.ByteArrayUtil
Compute the size of the varint encoding for this signed integer.
getSignedVarintSize(int) - Static method in class elki.utilities.io.ByteArrayUtil
Compute the size of the varint encoding for this signed integer.
getSilhouettePlot(VisualizerContext) - Method in class elki.visualization.projections.SilhouetteProjection
Get or produce the actual Silhouette plot.
getSilhouettePlot(VisualizerContext) - Method in class elki.visualization.projector.SilhouettePlotProjector
Get or produce the actual Silhouette plot.
getSilhouetteValues() - Method in class elki.visualization.projections.SilhouetteProjection
Get the silhouette values
getSimilarity() - Method in class elki.database.query.distance.PrimitiveDistanceSimilarityQuery
 
getSimilarity() - Method in class elki.database.query.distance.SpatialPrimitiveDistanceSimilarityQuery
 
getSimilarity() - Method in class elki.database.query.similarity.PrimitiveSimilarityQuery
 
getSimilarity() - Method in interface elki.database.query.similarity.SimilarityQuery
Get the inner similarity function.
getSimilarity() - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix.PrecomputedSimilarityQuery
 
getSimilarity() - Method in class elki.similarity.FractionalSharedNearestNeighborSimilarity.Instance
 
getSimilarity() - Method in class elki.similarity.SharedNearestNeighborSimilarity.Instance
 
getSimilarity() - Method in class elki.visualization.parallel3d.layout.AbstractLayout3DPC
 
getSimilarity() - Method in interface elki.visualization.parallel3d.layout.SimilarityBasedLayouter3DPC
Get the similarity measure to use.
getSimilarity(DBIDRef, DBIDRef) - Method in class elki.similarity.kernel.KernelMatrix
Get the kernel similarity for the given objects.
getSimilarityMatrix() - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the similarity matrix of the pca.
getSimilarityMatrix(Relation<O>, ArrayDBIDs) - Method in interface elki.clustering.affinitypropagation.AffinityPropagationInitialization
Compute the initial similarity matrix.
getSimilarityMatrix(Relation<O>, ArrayDBIDs) - Method in class elki.clustering.affinitypropagation.DistanceBasedInitializationWithMedian
 
getSimilarityMatrix(Relation<O>, ArrayDBIDs) - Method in class elki.clustering.affinitypropagation.SimilarityBasedInitializationWithMedian
 
getSimilarityQuery(Relation<? extends O>, Similarity<? super O>, int) - Method in interface elki.database.query.QueryOptimizer
Optimize a similarity query for this relation.
getSimilarityQuery(Similarity<? super O>) - Method in class elki.index.distancematrix.PrecomputedSimilarityMatrix
 
getSimilarityQuery(Similarity<? super O>) - Method in interface elki.index.SimilarityIndex
Get a similarity query object for the given similarity function.
getSimilarityRestriction() - Method in class elki.distance.adapter.AbstractSimilarityAdapter.Par
Get the similarity function restriction.
getSimilarityRestriction() - Method in class elki.distance.adapter.ArccosSimilarityAdapter.Par
 
getSimilarityRestriction() - Method in class elki.distance.adapter.LinearSimilarityAdapter.Par
 
getSimilarityRestriction() - Method in class elki.distance.adapter.LnSimilarityAdapter.Par
 
getSingleThreadedRandom() - Method in class elki.utilities.random.RandomFactory
Get a non-threadsafe random generator.
getSingularValues() - Method in class elki.math.linearalgebra.SingularValueDecomposition
Return the one-dimensional array of singular values
getSize() - Method in interface elki.data.synthetic.bymodel.GeneratorInterface
Get number of points to be generated by this generator.
getSize() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
 
getSize() - Method in class elki.data.synthetic.bymodel.GeneratorStatic
 
getSize() - Method in class elki.gui.minigui.MiniGUI.SettingsComboboxModel
 
getSize() - Method in class elki.gui.multistep.panels.SavedSettingsTabPanel.SettingsComboboxModel
 
getSize(int) - Method in class elki.clustering.hierarchical.ClusterMergeHistory
Get the size of the cluster merged in step i.
getSize(int) - Method in class elki.clustering.hierarchical.ClusterMergeHistoryBuilder
Get the cluster size of the current object.
getSize(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getSize(String) - Method in interface elki.visualization.style.StyleLibrary
Get generic size
getSizeX() - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
Get width of main canvas.
getSizeY() - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
 
getSkew() - Method in class elki.math.statistics.distribution.SkewGeneralizedNormalDistribution
Get the skew parameter.
getSortedEntries(AbstractRStarTreeNode<?, ?>, SpatialComparable, SpatialPrimitiveDistance<?>) - Method in class elki.index.tree.spatial.rstarvariants.rdknn.RdKNNTree
Sorts the entries of the specified node according to their minimum distance to the specified object.
getSortedEntries(N, DBID) - Method in class elki.index.tree.metrical.mtreevariants.AbstractMTree
Sorts the entries of the specified node according to their minimum distance to the specified object.
getSortedHypercubes(Relation<? extends NumberVector>) - Method in class elki.outlier.density.HySortOD
Create and sort hypercubes considering their coordinates.
getSourceClassName() - Method in class elki.logging.ELKILogRecord
 
getSourceMethodName() - Method in class elki.logging.ELKILogRecord
 
getSpatialIndex(Relation<O>) - Method in class elki.index.preprocessed.knn.SpatialApproximationMaterializeKNNPreprocessor
 
getSpecial(int) - Method in class elki.utilities.datastructures.histogram.ObjHistogram
Ensure that we have storage for special values (infinity, NaN)
getSplitPositions() - Method in class elki.index.vafile.DAFile
Return the split positions.
getSquaredDistance() - Method in class elki.database.query.distance.LinearScanEuclideanPrioritySearcher
Get the squared distance.
getSquaredDistance(DBIDRef, DBIDRef) - Method in class elki.similarity.kernel.KernelMatrix
Returns the squared kernel distance between the two specified objects.
getSquareSum(int) - Method in class elki.outlier.lof.ALOCI.Node
Get sum of squares, recursively
getStandardDeviation() - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the standard deviation of the distances of the objects belonging to the hyperplane underlying this solution.
getStart() - Method in class elki.utilities.io.Tokenizer
Get start of token.
getStartIndex() - Method in class elki.clustering.optics.OPTICSXi.SteepArea
Start index
getStartIndex() - Method in class elki.data.model.OPTICSModel
Starting index of OPTICS cluster
getStatement(String) - Method in class elki.visualization.css.CSSClass
Get the current value of a particular CSS statement.
getStatements() - Method in class elki.visualization.css.CSSClass
Get read-only collection access to all statements.
getStatus() - Method in class elki.gui.multistep.panels.AlgorithmTabPanel
 
getStatus() - Method in class elki.gui.multistep.panels.EvaluationTabPanel
 
getStatus() - Method in class elki.gui.multistep.panels.InputTabPanel
 
getStatus() - Method in class elki.gui.multistep.panels.LoggingTabPanel
 
getStatus() - Method in class elki.gui.multistep.panels.OutputTabPanel
 
getStatus() - Method in class elki.gui.multistep.panels.ParameterTabPanel
Get the current status of this step.
getStddev() - Method in class elki.math.statistics.distribution.ExponentiallyModifiedGaussianDistribution
 
getStddev() - Method in class elki.math.statistics.distribution.NormalDistribution
 
getStepTitle() - Method in class elki.logging.progress.StepProgress
 
getStockIcon(String) - Static method in class elki.gui.icons.StockIcon
Get a particular stock icon.
getStorage(int, Class<? super T>) - Method in class elki.database.datastore.memory.ArrayRecordStore
 
getStorage(int, Class<? super T>) - Method in class elki.database.datastore.memory.MapIntegerDBIDRecordStore
 
getStorage(int, Class<? super T>) - Method in class elki.database.datastore.memory.MapRecordStore
 
getStorage(int, Class<? super T>) - Method in interface elki.database.datastore.RecordStore
Get a DataStore instance for a particular record column.
getStorage(int, Class<? super T>) - Method in interface elki.database.datastore.WritableRecordStore
Get a WritableDataStore instance for a particular record column.
getStringSize(String) - Static method in class elki.utilities.io.ByteArrayUtil
Compute the size of the string after encoding.
getStrippedSubstring() - Method in class elki.utilities.io.Tokenizer
Get the current part as substring
getStrongEigenvalues() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Returns the strong eigenvalues of the object after passing the eigen pair filter.
getStrongEigenvectors() - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the strong eigenvectors.
getStrongEigenvectors() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Returns the matrix of strong eigenvectors after passing the eigen pair filter.
getStyleForCluster(Cluster<?>) - Method in class elki.visualization.style.ClusterStylingPolicy
Get the style number for a cluster.
getStyleForDBID(DBIDRef) - Method in interface elki.visualization.style.ClassStylingPolicy
Get the style number for a particular object
getStyleForDBID(DBIDRef) - Method in class elki.visualization.style.ClusterStylingPolicy
 
getStyleForDBID(DBIDRef) - Method in class elki.visualization.visualizers.pairsegments.SegmentsStylingPolicy
 
getStyleLibrary() - Method in class elki.visualization.VisualizerContext
Get the style library
getStylePolicy(Object, StyleLibrary) - Method in class elki.visualization.parallel3d.OpenGL3DParallelCoordinates
Hack: Get/Create the style result.
getStylingPolicy() - Method in class elki.visualization.VisualizerContext
Get the active styling policy
getSubspace() - Method in class elki.data.model.SubspaceModel
Returns the subspace of this SubspaceModel.
getSubstring() - Method in class elki.utilities.io.Tokenizer
Get the current part as substring
getSumOfSquareResiduals() - Method in class elki.math.statistics.MultipleLinearRegression
Returns the sum of square residuals.
getSumOfSquares() - Method in class elki.math.MeanVariance
Get the sum of squares.
getSumOfSquaresTotal() - Method in class elki.math.statistics.MultipleLinearRegression
Returns the sum of squares total.
getSupport() - Method in class elki.itemsetmining.Itemset
Get item support.
getSVGPlotURI() - Method in class elki.visualization.opticsplot.OPTICSPlot
Get the SVG registered plot number
getSVGPlotURI() - Method in class elki.visualization.silhouette.SilhouettePlot
Get the SVG registered plot number
getSyntax() - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.ClassParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.DoubleArrayListParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.DoubleListParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.DoubleParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.EnumParameter
 
getSyntax() - Method in class elki.utilities.optionhandling.parameters.FileListParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.FileParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.Flag
A flag has no syntax, since it doesn't take extra options
getSyntax() - Method in class elki.utilities.optionhandling.parameters.IntGeneratorParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.IntListParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.IntParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.LongParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.ObjectListParameter
 
getSyntax() - Method in class elki.utilities.optionhandling.parameters.ObjectParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Returns a string representation of the parameter's type (e.g., an IntParameter should return <int>).
getSyntax() - Method in class elki.utilities.optionhandling.parameters.PatternParameter
Returns a string representation of the parameter's type.
getSyntax() - Method in class elki.utilities.optionhandling.parameters.RandomParameter
 
getSyntax() - Method in class elki.utilities.optionhandling.parameters.StringParameter
Returns a string representation of the parameter's type.
getT() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ApproximationLine
Returns the axes intercept.
getT() - Method in class elki.math.statistics.LinearRegression
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class elki.gui.util.ParameterTable.AdjustingEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class elki.gui.util.ParameterTable.ClassListEditor
Apply the Editor for a selected option.
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class elki.gui.util.ParameterTable.DropdownEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class elki.gui.util.ParameterTable.FileNameEditor
Apply the Editor for a selected option.
getTableCellRendererComponent(JTable, Object, boolean, boolean, int, int) - Method in class elki.gui.util.ParameterTable.ColorfulRenderer
 
getTask() - Method in class elki.logging.progress.AbstractProgress
Provides the name of the task.
getter - Variable in class elki.index.tree.spatial.rstarvariants.strategies.split.TopologicalSplitter.Split
The getter class for the entries.
getter - Variable in class elki.utilities.datastructures.arraylike.ExtendedArray
The array adapter
getTest() - Method in class elki.evaluation.classification.holdout.TrainingAndTestSet
Returns the test data set.
getTextColor(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getTextColor(String) - Method in interface elki.visualization.style.StyleLibrary
Retrieve text color for an item
getTextSize(String) - Method in class elki.visualization.style.PropertiesBasedStyleLibrary
 
getTextSize(String) - Method in interface elki.visualization.style.StyleLibrary
Get text size
getTheoreticalBaseline() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getTheoreticalBaseline() - Method in interface elki.result.outlier.OutlierScoreMeta
Get the theoretical baseline of the value range.
getTheoreticalBaseline() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getTheoreticalMaximum() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getTheoreticalMaximum() - Method in interface elki.result.outlier.OutlierScoreMeta
Get the theoretical maximum of the value range.
getTheoreticalMaximum() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getTheoreticalMinimum() - Method in class elki.result.outlier.BasicOutlierScoreMeta
 
getTheoreticalMinimum() - Method in interface elki.result.outlier.OutlierScoreMeta
Get the theoretical minimum of the value range.
getTheoreticalMinimum() - Method in class elki.result.outlier.ProbabilisticOutlierScore
 
getTheta() - Method in class elki.math.statistics.distribution.ExpGammaDistribution
 
getTheta() - Method in class elki.math.statistics.distribution.GammaDistribution
 
getTheta() - Method in class elki.math.statistics.distribution.LogGammaDistribution
 
getTheta() - Method in class elki.math.statistics.distribution.WeibullDistribution
Get the shift theta parameter.
getTitle(Database, Object) - Static method in class elki.visualization.VisualizerParameterizer
Try to automatically generate a title for this.
getTokenizer() - Method in class elki.utilities.io.TokenizedReader
Get the tokenizer of the reader.
getToplevelClusters() - Method in class elki.data.Clustering
Return top level clusters
getTotal() - Method in class elki.logging.progress.FiniteProgress
Get the final value for the progress.
getTotal() - Method in class elki.logging.progress.MutableProgress
Get the current value of total.
getTotal() - Method in class elki.result.FrequentItemsetsResult
Get the total number of transactions.
getTotalClusterCount() - Method in class elki.evaluation.clustering.pairsegments.Segments
Return the sum of all clusters
getTraining() - Method in class elki.evaluation.classification.holdout.TrainingAndTestSet
Returns the training data set.
getTransformation() - Method in class elki.data.synthetic.bymodel.GeneratorSingleCluster
Get transformation
getTransformation() - Method in class elki.math.linearalgebra.AffineTransformation
Get the transformation matrix
getTree() - Method in class elki.gui.util.TreePopup
Access the tree contained.
getTreeCellRendererComponent(JTree, Object, boolean, boolean, boolean, int, boolean) - Method in class elki.gui.util.TreePopup.Renderer
 
getType() - Method in class elki.index.preprocessed.knn.KNNChangeEvent
Returns the type of this change event.
getTypeInformation() - Method in class elki.data.ClassLabel.Factory
Get type information for the labels.
getTypeInformation() - Method in class elki.data.HierarchicalClassLabel.Factory
 
getTypeInformation() - Method in class elki.data.SimpleClassLabel.Factory
 
getTypeInformation(int, int) - Method in class elki.datasource.parser.NumberVectorLabelParser
Get a prototype object for the given dimensionality.
getTypeInformation(int, int) - Method in class elki.datasource.parser.SparseNumberVectorLabelParser
 
getTypeInformation(int, int) - Method in class elki.datasource.parser.TermFrequencyParser
 
getTypeRestriction() - Method in interface elki.database.ids.DBIDFactory
Get type restriction.
getTypeRestriction() - Method in class elki.database.ids.integer.AbstractIntegerDBIDFactory
 
getU() - Method in class elki.math.linearalgebra.LUDecomposition
Return upper triangular factor
getU() - Method in class elki.math.linearalgebra.SingularValueDecomposition
Return the left singular vectors
getUnion() - Method in class elki.itemsetmining.associationrules.AssociationRule
Get the union of consequent and consequent of the rule.
getUnpairedClusteringIndex() - Method in class elki.evaluation.clustering.pairsegments.Segment
Returns the index of the first clustering having an unpaired cluster, or -1 no unpaired cluster exists.
getUnscaled(double) - Method in class elki.math.scales.LinearScale
Covert a scale position to the actual value
getUnscaled(double, double, double) - Method in class elki.math.scales.LinearScale
Covert a scale position to the actual value
getUnsignedVarintLongSize(long) - Static method in class elki.utilities.io.ByteArrayUtil
Compute the size of the varint encoding for this unsigned integer.
getUnsignedVarintSize(int) - Static method in class elki.utilities.io.ByteArrayUtil
Compute the size of the varint encoding for this unsigned integer.
getUpdates() - Method in class elki.database.datastore.DataStoreEvent
Get the updates objects.
getUpdates() - Method in class elki.index.preprocessed.knn.KNNChangeEvent
Returns the ids of kNNs which have been changed due to the removals or insertions.
getUpperBound() - Method in class elki.database.query.distance.LinearScanEuclideanPrioritySearcher
 
getUpperBound() - Method in class elki.database.query.distance.LinearScanPrioritySearcher
 
getUpperBound() - Method in class elki.database.query.ExactPrioritySearcher
 
getUpperBound() - Method in interface elki.database.query.PrioritySearcher
Get the upper bound (if available).
getUpperBound() - Method in class elki.database.query.WrappedPrioritySearchDBIDByLookup
 
getUpperBound() - Method in class elki.index.distancematrix.PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher
 
getUpperBound() - Method in class elki.index.tree.metrical.covertree.CoverTree.CoverTreePrioritySearcher
 
getUpperBound() - Method in class elki.index.tree.metrical.covertree.SimplifiedCoverTree.CoverTreePrioritySearcher
 
getUpperBound() - Method in class elki.index.tree.metrical.vptree.VPTree.VPTreePrioritySearcher
 
getUpperHull() - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ConvexHull
Returns the upper hull.
getUserInput() - Method in class elki.gui.configurator.AbstractParameterConfigurator
Get the value given by the user.
getUserInput() - Method in class elki.gui.configurator.ClassListParameterConfigurator
 
getUserInput() - Method in class elki.gui.configurator.ClassParameterConfigurator
 
getUserInput() - Method in class elki.gui.configurator.EnumParameterConfigurator
 
getUserInput() - Method in class elki.gui.configurator.FileParameterConfigurator
 
getUserInput() - Method in class elki.gui.configurator.FlagParameterConfigurator
 
getUserInput() - Method in class elki.gui.configurator.TextParameterConfigurator
 
getV() - Method in class elki.math.linearalgebra.EigenvalueDecomposition
Return the eigenvector matrix
getV() - Method in class elki.math.linearalgebra.SingularValueDecomposition
Return the right singular vectors
getVal() - Method in class elki.result.EvaluationResult.Measurement
Get the observed value.
getValue() - Method in class elki.logging.statistics.AtomicLongCounter
 
getValue() - Method in interface elki.logging.statistics.Counter
Get the current count.
getValue() - Method in class elki.logging.statistics.UnsynchronizedLongCounter
 
getValue() - Method in interface elki.utilities.datastructures.heap.DoubleIntegerHeap.UnsortedIter
Get the current value.
getValue() - Method in class elki.utilities.datastructures.heap.DoubleIntegerMaxHeap.UnsortedIter
 
getValue() - Method in class elki.utilities.datastructures.heap.DoubleIntegerMinHeap.UnsortedIter
 
getValue() - Method in interface elki.utilities.datastructures.heap.DoubleLongHeap.UnsortedIter
Get the current value.
getValue() - Method in class elki.utilities.datastructures.heap.DoubleLongMaxHeap.UnsortedIter
 
getValue() - Method in class elki.utilities.datastructures.heap.DoubleLongMinHeap.UnsortedIter
 
getValue() - Method in interface elki.utilities.datastructures.heap.DoubleObjectHeap.UnsortedIter
Get the current value.
getValue() - Method in class elki.utilities.datastructures.heap.DoubleObjectMaxHeap.UnsortedIter
 
getValue() - Method in class elki.utilities.datastructures.heap.DoubleObjectMinHeap.UnsortedIter
 
getValue() - Method in interface elki.utilities.datastructures.heap.IntegerObjectHeap.UnsortedIter
Get the current value.
getValue() - Method in class elki.utilities.datastructures.heap.IntegerObjectMaxHeap.UnsortedIter
 
getValue() - Method in class elki.utilities.datastructures.heap.IntegerObjectMinHeap.UnsortedIter
 
getValue() - Method in class elki.utilities.datastructures.histogram.DoubleHistogram.Iter
Get the value of the bin.
getValue() - Method in class elki.utilities.datastructures.histogram.ObjHistogram.Iter
Get the value of the bin.
getValue() - Method in class elki.utilities.optionhandling.parameters.AbstractParameter
 
getValue() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Returns the value of the option.
getValue(int) - Method in class elki.data.BitVector
Deprecated.
getValue(int) - Method in class elki.data.ByteVector
Deprecated.
getValue(int) - Method in interface elki.data.FeatureVector
Returns the value in the specified dimension.
getValue(int) - Method in class elki.data.FloatVector
Deprecated.
getValue(int) - Method in class elki.data.IntegerVector
Deprecated.
getValue(int) - Method in interface elki.data.NumberVector
Deprecated.
getValue(int) - Method in class elki.data.ShortVector
Deprecated.
getValue(int) - Method in class elki.data.SparseByteVector
Deprecated.
getValue(int) - Method in class elki.data.SparseDoubleVector
Deprecated.
getValue(int) - Method in class elki.data.SparseFloatVector
Deprecated.
getValue(int) - Method in class elki.data.SparseIntegerVector
Deprecated.
getValue(int) - Method in class elki.data.SparseShortVector
Deprecated.
getValue(int) - Method in class elki.data.uncertain.AbstractUncertainObject
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.ClassParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.DoubleArrayListParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.DoubleListParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.DoubleParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.EnumParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.FileListParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.FileParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.Flag
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.IntGeneratorParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.IntListParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.IntParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.LongParameter
 
getValueAsString() - Method in interface elki.utilities.optionhandling.parameters.Parameter
Get the value as string.
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.PatternParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.RandomParameter
 
getValueAsString() - Method in class elki.utilities.optionhandling.parameters.StringParameter
 
getValueAt(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkapp.PolynomialApproximation
Returns the function value of the polynomial approximation at the specified k.
getValueAt(int) - Method in class elki.index.tree.metrical.mtreevariants.mktrees.mkcop.ApproximationLine
Returns the function value of the approximation line at the specified k.
getValueAt(int, int) - Method in class elki.gui.util.ParametersModel
 
getValueAt(int, int) - Method in class elki.visualization.gui.SelectionTableWindow.DatabaseTableModel
 
getValues() - Method in class elki.data.ByteVector
Get a copy of the raw byte[] array.
getValues() - Method in class elki.data.ShortVector
Get a copy of the raw short[] array.
getValues() - Method in class elki.visualization.projector.SilhouettePlotProjector
Get the silhouette values
getVariance() - Method in class elki.math.statistics.KernelDensityEstimator
Retrieve variance/quality array (NO copy)
getVariance() - Method in class elki.math.statistics.MultipleLinearRegression
Returns the error variance.
getVarianceContribution() - Method in class elki.data.model.KMeansModel
Get the variance contribution of the cluster (sum of variances)
getVisHierarchy() - Method in class elki.visualization.VisualizerContext
 
getVisibleAxisX(double) - Method in class elki.visualization.visualizers.parallel.AbstractParallelVisualization
Get the position of visible axis d
getVisibleDimensions() - Method in interface elki.visualization.projections.ProjectionParallel
Get the number of visible dimension.
getVisibleDimensions() - Method in class elki.visualization.projections.SimpleParallel
 
getVisibleDimensions2D() - Method in class elki.visualization.projections.AffineProjection
 
getVisibleDimensions2D() - Method in interface elki.visualization.projections.Projection2D
Get a bit set of dimensions that are visible.
getVisibleDimensions2D() - Method in class elki.visualization.projections.Simple2D
 
getVisibleEdges(Projection2D, double[], double[]) - Static method in class elki.visualization.svg.SVGHyperCube
Get the visible (non-0) edges of a hypercube
getVisibleEdges(Projection2D, NumberVector, NumberVector) - Static method in class elki.visualization.svg.SVGHyperCube
Get the visible (non-0) edges of a hypercube
getVisibleEdges(Projection2D, SpatialComparable) - Static method in class elki.visualization.svg.SVGHyperCube
Get the visible (non-0) edges of a hypercube
getVisibleFormats() - Static method in class elki.visualization.savedialog.SVGSaveDialog
 
getVisTasks(VisualizationItem) - Method in class elki.visualization.VisualizerContext
 
getVisualization(PlotItem, VisualizationTask) - Method in class elki.visualization.gui.overview.LayerMap
Get the visualization referenced by a item/key combination.
getWeakEigenvalues() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Returns the weak eigenvalues of the object after passing the eigen pair filter.
getWeakEigenvectors() - Method in class elki.data.model.CorrelationAnalysisSolution
Returns the weak eigenvectors.
getWeakEigenvectors() - Method in class elki.math.linearalgebra.pca.PCAFilteredResult
Returns the matrix of weak eigenvectors after passing the eigen pair filter.
getWeight() - Method in class elki.clustering.em.models.DiagonalGaussianModel
 
getWeight() - Method in interface elki.clustering.em.models.EMClusterModel
Get the cluster weight.
getWeight() - Method in class elki.clustering.em.models.MultivariateGaussianModel
 
getWeight() - Method in class elki.clustering.em.models.SphericalGaussianModel
 
getWeight() - Method in class elki.clustering.em.models.TextbookMultivariateGaussianModel
 
getWeight() - Method in class elki.clustering.em.models.TextbookSphericalGaussianModel
 
getWeight() - Method in class elki.clustering.em.models.TwoPassMultivariateGaussianModel
 
getWeight() - Method in class elki.index.tree.betula.features.BIRCHCF
 
getWeight() - Method in interface elki.index.tree.betula.features.ClusterFeature
Return the weight
getWeight() - Method in class elki.index.tree.betula.features.VIIFeature
 
getWeight() - Method in class elki.index.tree.betula.features.VVIFeature
 
getWeight() - Method in class elki.index.tree.betula.features.VVVFeature
 
getWeight() - Method in class elki.math.linearalgebra.CovarianceMatrix
Get the weight sum, to test whether the covariance matrix can be materialized.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.ConstantWeight
Get the constant weight No scaling - the result is always 1.0
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.ErfcStddevWeight
Return Erfc weight, scaled by standard deviation. max is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.ErfcWeight
Get Erfc Weight, using distance / max. stddev is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.ExponentialStddevWeight
Get exponential weight, max is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.ExponentialWeight
Exponential Weight function. stddev is not used.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.GaussStddevWeight
Get Gaussian Weight using standard deviation for scaling. max is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.GaussWeight
Get Gaussian weight. stddev is not used, scaled using max.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.InverseLinearWeight
Linear increasing weight, from 0.1 to 1.0
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.InverseProportionalStddevWeight
Get inverse proportional weight. max is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.InverseProportionalWeight
Get inverse proportional weight. stddev is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.LinearWeight
Linear decreasing weight, from 1.0 to 0.1.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.QuadraticStddevWeight
Evaluate weight function at given parameters. max is ignored.
getWeight(double, double, double) - Method in class elki.math.linearalgebra.pca.weightfunctions.QuadraticWeight
Evaluate quadratic weight. stddev is ignored.
getWeight(double, double, double) - Method in interface elki.math.linearalgebra.pca.weightfunctions.WeightFunction
Evaluate weight function with given parameters.
getWeight(int) - Method in interface elki.data.uncertain.DiscreteUncertainObject
Get the weight of the i'th vector.
getWeight(int) - Method in class elki.data.uncertain.UnweightedDiscreteUncertainObject
 
getWeight(int) - Method in class elki.data.uncertain.WeightedDiscreteUncertainObject
 
getWeightedNeighbors(DBIDRef) - Method in class elki.outlier.spatial.neighborhood.weighted.LinearWeightedExtendedNeighborhood
 
getWeightedNeighbors(DBIDRef) - Method in class elki.outlier.spatial.neighborhood.weighted.UnweightedNeighborhoodAdapter
 
getWeightedNeighbors(DBIDRef) - Method in interface elki.outlier.spatial.neighborhood.weighted.WeightedNeighborSetPredicate
Get the neighbors of a reference object for DBSCAN.
getWidth() - Method in class elki.visualization.gui.overview.RectangleArranger
Get the total canvas width
getWidth() - Method in class elki.visualization.opticsplot.OPTICSPlot
 
getWidth() - Method in class elki.visualization.silhouette.SilhouettePlot
 
getWidth() - Method in class elki.visualization.visualizers.AbstractVisualization
Get the width
getWorstCaseDistOrder(VALPNormDistance, long[]) - Method in class elki.index.vafile.PartialVAFile.PartialVAFileKNNQuery
Order subspaces by their worst case distance.
getWriterFor(Object) - Method in class elki.result.textwriter.TextWriterStream
Retrieve an appropriate writer from the handler list.
getX() - Method in class elki.math.geometry.XYCurve.Itr
Get x value of current element.
getX() - Method in class elki.math.geometry.XYPlot.Curve.Itr
Get x value of current element.
getX() - Method in class elki.visualization.parallel3d.layout.AbstractLayout3DPC.AbstractNode
 
getX() - Method in interface elki.visualization.parallel3d.layout.Layout.Node
Get layout X position.
getX(int) - Method in class elki.math.geometry.XYCurve
Curve X value at given position
getX(int) - Method in class elki.math.geometry.XYPlot.Curve
Curve X value at given position
getX(int) - Method in class elki.visualization.visualizers.visunproj.DendrogramVisualization.HalfPosPositions
 
getX(int) - Method in class elki.visualization.visualizers.visunproj.DendrogramVisualization.HalfWidthPositions
 
getX(int) - Method in interface elki.visualization.visualizers.visunproj.DendrogramVisualization.Positions
Get the X coordinate of an object.
getXi() - Method in class elki.math.statistics.distribution.GeneralizedParetoDistribution
Shape parameter
getY() - Method in class elki.math.geometry.XYCurve.Itr
Get y value of current element.
getY() - Method in class elki.math.geometry.XYPlot.Curve.Itr
Get y value of current element.
getY() - Method in class elki.visualization.parallel3d.layout.AbstractLayout3DPC.AbstractNode
 
getY() - Method in interface elki.visualization.parallel3d.layout.Layout.Node
Get layout Y position.
getY(int) - Method in class elki.math.geometry.XYCurve
Curve Y value at given position
getY(int) - Method in class elki.math.geometry.XYPlot.Curve
Curve Y value at given position
getY(int) - Method in class elki.visualization.visualizers.visunproj.DendrogramVisualization.HalfPosPositions
 
getY(int) - Method in class elki.visualization.visualizers.visunproj.DendrogramVisualization.HalfWidthPositions
 
getY(int) - Method in interface elki.visualization.visualizers.visunproj.DendrogramVisualization.Positions
Get the Y coordinate of an object.
getYFromEpsilon(double) - Method in class elki.visualization.visualizers.optics.OPTICSPlotCutVisualization.Instance
Get y-value from epsilon
GiniIndex - Class in elki.itemsetmining.associationrules.interest
Gini-index based interestingness measure, using the weighted squared conditional probabilities compared to the non-conditional priors.
GiniIndex() - Constructor for class elki.itemsetmining.associationrules.interest.GiniIndex
Constructor.
givenValue - Variable in class elki.utilities.optionhandling.parameters.AbstractParameter
The value last passed to this option.
glabel - Variable in class elki.clustering.kmeans.YinYangKMeans.Instance
Group label of each mean
global - Static variable in class elki.result.Metadata
The global metadata map.
GLOBAL_RANDOM_STR - Static variable in class elki.utilities.optionhandling.parameters.RandomParameter
 
globalCentroid(Centroid, Relation<? extends NumberVector>, List<? extends Cluster<?>>, NumberVector[], NoiseHandling) - Static method in class elki.evaluation.clustering.internal.VarianceRatioCriterion
Update the global centroid.
GlobalPrincipalComponentAnalysisTransform<O extends NumberVector> - Class in elki.datasource.filter.transform
Apply Principal Component Analysis (PCA) to the data set.
GlobalPrincipalComponentAnalysisTransform(EigenPairFilter) - Constructor for class elki.datasource.filter.transform.GlobalPrincipalComponentAnalysisTransform
Constructor.
GlobalPrincipalComponentAnalysisTransform(EigenPairFilter, GlobalPrincipalComponentAnalysisTransform.Mode) - Constructor for class elki.datasource.filter.transform.GlobalPrincipalComponentAnalysisTransform
Constructor.
GlobalPrincipalComponentAnalysisTransform.Mode - Enum in elki.datasource.filter.transform
Transformation mode.
GlobalPrincipalComponentAnalysisTransform.Par<O extends NumberVector> - Class in elki.datasource.filter.transform
Parameterization class.
GLOSH - Class in elki.outlier.clustering
Global-Local Outlier Scores from Hierarchies.
GLOSH(HDBSCANHierarchyExtraction) - Constructor for class elki.outlier.clustering.GLOSH
Constructor with parameters.
GLOSH.Par - Class in elki.outlier.clustering
Parameterization class.
glu - Variable in class elki.visualization.parallel3d.OpenGL3DParallelCoordinates.Instance
GLU utility class.
glu - Variable in class elki.visualization.parallel3d.util.Simple1DOFCamera
GLU utility
GMeans<V extends NumberVector,​M extends MeanModel> - Class in elki.clustering.kmeans
G-Means extends K-Means and estimates the number of centers with Anderson Darling Test.
Implemented as specialization of XMeans.
GMeans(NumberVectorDistance<? super V>, double, int, int, int, KMeans<V, M>, KMeansInitialization, RandomFactory) - Constructor for class elki.clustering.kmeans.GMeans
Constructor.
GMeans.Par<V extends NumberVector,​M extends MeanModel> - Class in elki.clustering.kmeans
Parameterization class.
GNAT<O> - Class in elki.index.tree.metrical.vptree
Geometric Near-neighbor Access Tree (GNAT), also known as Multi Vantage Point Tree or MVP-Tree.
GNAT(Relation<O>, Distance<? super O>, RandomFactory, int) - Constructor for class elki.index.tree.metrical.vptree.GNAT
Constructor.
GNAT.Factory<O extends NumberVector> - Class in elki.index.tree.metrical.vptree
Index Factory
GNAT.Factory.Par<O extends NumberVector> - Class in elki.index.tree.metrical.vptree
Parameterization class.
GNAT.GNATKNNDBIDSearcher - Class in elki.index.tree.metrical.vptree
kNN search for the VP-Tree.
GNAT.GNATKNNObjectSearcher - Class in elki.index.tree.metrical.vptree
kNN search for the VP-Tree.
GNAT.GNATKNNSearcher - Class in elki.index.tree.metrical.vptree
kNN query for the mvp-tree.
GNAT.GNATPriorityDBIDSearcher - Class in elki.index.tree.metrical.vptree
Range search for the VP-tree.
GNAT.GNATPriorityObjectSearcher - Class in elki.index.tree.metrical.vptree
Range search for the VP-tree.
GNAT.GNATPrioritySearcher<T> - Class in elki.index.tree.metrical.vptree
priority search query for mvp-tree
GNAT.GNATRangeDBIDSearcher - Class in elki.index.tree.metrical.vptree
Range search for the VP-tree.
GNAT.GNATRangeObjectSearcher - Class in elki.index.tree.metrical.vptree
Range search for the VP-tree.
GNAT.GNATRangeSearcher - Class in elki.index.tree.metrical.vptree
range query for the mvp-tree
GNAT.Node - Class in elki.index.tree.metrical.vptree
The Node class saves the important information for the each node
GNAT.PrioritySearchBranch - Class in elki.index.tree.metrical.vptree
Search position for priority search.
GNATKNNDBIDSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATKNNDBIDSearcher
 
GNATKNNObjectSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATKNNObjectSearcher
 
GNATKNNSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATKNNSearcher
 
GNATPriorityDBIDSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATPriorityDBIDSearcher
 
GNATPriorityObjectSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATPriorityObjectSearcher
 
GNATPrioritySearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATPrioritySearcher
 
GNATRangeDBIDSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATRangeDBIDSearcher
 
GNATRangeObjectSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATRangeObjectSearcher
 
GNATRangeSearcher() - Constructor for class elki.index.tree.metrical.vptree.GNAT.GNATRangeSearcher
 
GO_BOTTOM - Static variable in class elki.gui.icons.StockIcon
 
GO_DOWN - Static variable in class elki.gui.icons.StockIcon
 
GO_FIRST - Static variable in class elki.gui.icons.StockIcon
 
GO_HOME - Static variable in class elki.gui.icons.StockIcon
 
GO_JUMP - Static variable in class elki.gui.icons.StockIcon
 
GO_LAST - Static variable in class elki.gui.icons.StockIcon
 
GO_NEXT - Static variable in class elki.gui.icons.StockIcon
 
GO_PREVIOUS - Static variable in class elki.gui.icons.StockIcon
 
GO_TOP - Static variable in class elki.gui.icons.StockIcon
 
GO_UP - Static variable in class elki.gui.icons.StockIcon
 
goodness - Variable in class elki.clustering.correlation.LMCLUS.Separation
Goodness of separation
GoodnessOfFitTest - Interface in elki.math.statistics.tests
Interface for the statistical test used by HiCS.
grab(Parameterization, Flag.BooleanConsumer) - Method in class elki.utilities.optionhandling.parameters.Flag
Get the parameter.
grab(Parameterization, Consumer<C>) - Method in class elki.utilities.optionhandling.parameters.ClassParameter
Get the parameter.
grab(Parameterization, Consumer<double[]>) - Method in class elki.utilities.optionhandling.parameters.DoubleListParameter
Get the parameter.
grab(Parameterization, Consumer<E>) - Method in class elki.utilities.optionhandling.parameters.EnumParameter
Get the parameter.
grab(Parameterization, Consumer<IntGenerator>) - Method in class elki.utilities.optionhandling.parameters.IntGeneratorParameter
Get the parameter.
grab(Parameterization, Consumer<RandomFactory>) - Method in class elki.utilities.optionhandling.parameters.RandomParameter
Get the parameter.
grab(Parameterization, Consumer<int[]>) - Method in class elki.utilities.optionhandling.parameters.IntListParameter
Get the parameter.
grab(Parameterization, Consumer<String>) - Method in class elki.utilities.optionhandling.parameters.StringParameter
Get the parameter.
grab(Parameterization, Consumer<URI>) - Method in class elki.utilities.optionhandling.parameters.FileParameter
Get the parameter.
grab(Parameterization, Consumer<List<? extends C>>) - Method in class elki.utilities.optionhandling.parameters.ClassListParameter
Get the parameter.
grab(Parameterization, Consumer<List<double[]>>) - Method in class elki.utilities.optionhandling.parameters.DoubleArrayListParameter
Get the parameter.
grab(Parameterization, Consumer<List<URI>>) - Method in class elki.utilities.optionhandling.parameters.FileListParameter
Get the parameter.
grab(Parameterization, Consumer<Pattern>) - Method in class elki.utilities.optionhandling.parameters.PatternParameter
Get the parameter.
grab(Parameterization, DoubleConsumer) - Method in class elki.utilities.optionhandling.parameters.DoubleParameter
Get the parameter.
grab(Parameterization, IntConsumer) - Method in class elki.utilities.optionhandling.parameters.IntParameter
Get the parameter.
grab(Parameterization, LongConsumer) - Method in class elki.utilities.optionhandling.parameters.LongParameter
Get the parameter.
grab(Parameter<?>) - Method in interface elki.utilities.optionhandling.parameterization.Parameterization
Get the option value from the Parameterization.
grab(Parameter<?>) - Method in class elki.utilities.optionhandling.parameterization.TrackParameters
 
grab(Parameter<?>) - Method in class elki.utilities.optionhandling.parameterization.UnParameterization
 
gradients - Variable in class elki.math.linearalgebra.fitting.FittingFunctionResult
Parameter gradients at the given coordinate
grahamScan() - Method in class elki.math.geometry.GrahamScanConvexHull2D
The actual graham scan main loop.
GrahamScanConvexHull2D - Class in elki.math.geometry
Classes to compute the convex hull of a set of points in 2D, using the classic Grahams scan.
GrahamScanConvexHull2D() - Constructor for class elki.math.geometry.GrahamScanConvexHull2D
Constructor.
graph - Variable in class elki.utilities.datastructures.hierarchy.HashMapHierarchy
Reference storage.
grayC(long) - Static method in class elki.utilities.datastructures.BitsUtil
Compute corresponding gray code as v XOR (v >>> 1)
graycolor - Variable in class elki.visualization.style.lines.DashedLineStyleLibrary
Color of "grayed out" dots
graycolor - Variable in class elki.visualization.style.lines.SolidLineStyleLibrary
Color of "grayed out" dots
graycolor - Variable in class elki.visualization.style.marker.PrettyMarkers
Color of "grayed out" dots
grayI(long[]) - Static method in class elki.utilities.datastructures.BitsUtil
Compute corresponding gray code as v XOR (v >>> 1)
GREATER_EQUAL_MINUSONE_INT - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Integer constraint: >= -1
GREATER_EQUAL_ONE_DOUBLE - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
At least 1.
GREATER_EQUAL_ONE_DOUBLE_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
List constraint: >= 1
GREATER_EQUAL_ONE_INT - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Larger than zero.
GREATER_EQUAL_ONE_INT_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
List constraint: >= 1
GREATER_EQUAL_ZERO_DOUBLE - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Not negative.
GREATER_EQUAL_ZERO_DOUBLE_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Constraint for the whole list.
GREATER_EQUAL_ZERO_INT - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Not negative.
GREATER_EQUAL_ZERO_INT_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Constraint for the whole list.
GREATER_THAN_ONE_DOUBLE - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Larger than one.
GREATER_THAN_ONE_DOUBLE_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
List constraint: > 1
GREATER_THAN_ONE_INT - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Larger than one.
GREATER_THAN_ONE_INT_LIST - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
List constraint: > 1
GREATER_THAN_ZERO_DOUBLE - Static variable in class elki.utilities.optionhandling.constraints.CommonConstraints
Larger than zero.
GreaterConstraint - Class in elki.utilities.optionhandling.constraints
Represents a parameter constraint for testing if the value of the number parameter (NumberParameter) tested is greater than the specified constraint value.
GreaterConstraint(double) - Constructor for class elki.utilities.optionhandling.constraints.GreaterConstraint
Creates a Greater-Than-Number parameter constraint.
GreaterConstraint(int) - Constructor for class elki.utilities.optionhandling.constraints.GreaterConstraint
Creates a Greater-Than-Number parameter constraint.
GreaterConstraint(Number) - Constructor for class elki.utilities.optionhandling.constraints.GreaterConstraint
Creates a Greater-Than-Number parameter constraint.
GreaterEqualConstraint - Class in elki.utilities.optionhandling.constraints
Represents a Greater-Equal-Than-Number parameter constraint.
GreaterEqualConstraint(double) - Constructor for class elki.utilities.optionhandling.constraints.GreaterEqualConstraint
Creates a Greater-Equal parameter constraint.
GreaterEqualConstraint(int) - Constructor for class elki.utilities.optionhandling.constraints.GreaterEqualConstraint
Creates a Greater-Equal parameter constraint.
GreaterEqualConstraint(Number) - Constructor for class elki.utilities.optionhandling.constraints.GreaterEqualConstraint
Creates a Greater-Equal parameter constraint.
greedy(DistanceQuery<? extends NumberVector>, DBIDs, int, Random) - Method in class elki.clustering.subspace.PROCLUS
Returns a piercing set of k medoids from the specified sample set.
GreedyEnsembleExperiment - Class in elki.application.greedyensemble
Class to load an outlier detection summary file, as produced by ComputeKNNOutlierScores, and compute a naive ensemble for it.
GreedyEnsembleExperiment(InputStep, EnsembleVoting, GreedyEnsembleExperiment.Distance, ScalingFunction, ScalingFunction, double) - Constructor for class elki.application.greedyensemble.GreedyEnsembleExperiment
Constructor.
GreedyEnsembleExperiment.Distance - Enum in elki.application.greedyensemble
Distance modes.
GreedyEnsembleExperiment.Par - Class in elki.application.greedyensemble
Parameterization class.
GreedyG<O> - Class in elki.clustering.kmedoids.initialization
Initialization method for k-medoids that combines the Greedy (PAM BUILD) with "alternate" refinement steps.
GreedyG() - Constructor for class elki.clustering.kmedoids.initialization.GreedyG
Constructor.
GreedyG.Par<V> - Class in elki.clustering.kmedoids.initialization
Parameterization class.
GreedyKCenter<O> - Class in elki.clustering.kcenter
Greedy algorithm for k-center algorithm also known as Gonzalez clustering, or farthest-first traversal.
GreedyKCenter(int, Distance<? super O>, RandomFactory) - Constructor for class elki.clustering.kcenter.GreedyKCenter
Constructor.
GreedyKCenter.Par<O> - Class in elki.clustering.kcenter
Parameterization class
GreeneSplit - Class in elki.index.tree.spatial.rstarvariants.strategies.split
Quadratic-time complexity split as used by Diane Greene for the R-Tree.
GreeneSplit() - Constructor for class elki.index.tree.spatial.rstarvariants.strategies.split.GreeneSplit
 
GreeneSplit.Par - Class in elki.index.tree.spatial.rstarvariants.strategies.split
Parameterization class.
greycolor - Variable in class elki.visualization.style.marker.CircleMarkers
Color of "greyed out" dots
greycolor - Variable in class elki.visualization.style.marker.MinimalMarkers
Color of "greyed out" dots
grid - Variable in class elki.clustering.dbscan.GriDBSCAN.Instance
Data grid partitioning.
GRID_ID - Static variable in class elki.utilities.referencepoints.GridBasedReferencePoints.Par
Parameter to specify the grid resolution.
GRID_SCALE_ID - Static variable in class elki.utilities.referencepoints.GridBasedReferencePoints.Par
Parameter to specify the extra scaling of the space, to allow out-of-data-space reference points.
GridBasedReferencePoints - Class in elki.utilities.referencepoints
Grid-based strategy to pick reference points.
GridBasedReferencePoints(int, double) - Constructor for class elki.utilities.referencepoints.GridBasedReferencePoints
Constructor.
GridBasedReferencePoints.Par - Class in elki.utilities.referencepoints
Parameterization class.
GriDBSCAN<V extends NumberVector> - Class in elki.clustering.dbscan
Using Grid for Accelerating Density-Based Clustering.
GriDBSCAN(Distance<? super V>, double, int, double) - Constructor for class elki.clustering.dbscan.GriDBSCAN
Constructor with parameters.
GriDBSCAN.Instance<V extends NumberVector> - Class in elki.clustering.dbscan
Instance, for a single run.
gridres - Variable in class elki.utilities.referencepoints.GridBasedReferencePoints
Holds the grid resolution.
gridres - Variable in class elki.utilities.referencepoints.GridBasedReferencePoints.Par
GRIDS_ID - Static variable in class elki.outlier.lof.ALOCI.Par
Parameter to specify the number of Grids to use.
gridscale - Variable in class elki.utilities.referencepoints.GridBasedReferencePoints
Holds the grid scale.
gridscale - Variable in class elki.utilities.referencepoints.GridBasedReferencePoints.Par
gridwidth - Variable in class elki.clustering.dbscan.GriDBSCAN
Width of the grid cells.
gridwidth - Variable in class elki.clustering.dbscan.GriDBSCAN.Instance
Width of the grid cells.
ground - Variable in class elki.utilities.scaling.outlier.TopKOutlierScaling
The "ground" value
GROUP_AVERAGE - tutorial.clustering.NaiveAgglomerativeHierarchicalClustering3.Linkage
 
GROUP_AVERAGE - tutorial.clustering.NaiveAgglomerativeHierarchicalClustering4.Linkage
 
GROUP_KMEANS_MAXITER - Static variable in class elki.clustering.kmeans.YinYangKMeans
Use only up to 5 iterations of kmeans for grouping initial centers.
GroupAverageLinkage - Class in elki.clustering.hierarchical.linkage
Group-average linkage clustering method (UPGMA).
GroupAverageLinkage() - Constructor for class elki.clustering.hierarchical.linkage.GroupAverageLinkage
Deprecated.
use the static instance GroupAverageLinkage.STATIC instead.
GroupAverageLinkage.Par - Class in elki.clustering.hierarchical.linkage
Class parameterizer.
groupClasses(DataSet, int[][], int[]) - Static method in class elki.svm.AbstractSingleSVM
 
groupKMeans(int) - Method in class elki.clustering.kmeans.YinYangKMeans.Instance
Groups the initial centers into t groups.
groupname - Variable in class elki.result.EvaluationResult.MeasurementGroup
Group name
groups - Variable in class elki.clustering.kmeans.YinYangKMeans.Instance
Center list for each group
groups - Variable in class elki.result.EvaluationResult
Measurements.
grow() - Method in class elki.database.ids.integer.ArrayModifiableIntegerDBIDs
Grow array by 50%.
grow() - Method in class elki.database.ids.integer.DoubleIntegerDBIDArrayList
Grow the data storage.
grow() - Method in class elki.utilities.datastructures.arraylike.DoubleArray
Grow the current array.
grow() - Method in class elki.utilities.datastructures.arraylike.IntegerArray
Grow the current array.
grow(int, double, HDBSCANHierarchyExtraction.TempCluster) - Method in class elki.clustering.hierarchical.extraction.HDBSCANHierarchyExtraction.TempCluster
Join the contents of another cluster.
grow(int, double, DBIDRef) - Method in class elki.clustering.hierarchical.extraction.HDBSCANHierarchyExtraction.TempCluster
Join the contents of another cluster.
growSize(int, int) - Static method in class elki.utilities.datastructures.histogram.AbstractStaticHistogram
Compute the size to grow to.
GRS67_FLATTENING - Static variable in class elki.math.geodesy.GRS67SpheroidEarthModel
Flattening f of the GRS67 Ellipsoid.
GRS67_INV_FLATTENING - Static variable in class elki.math.geodesy.GRS67SpheroidEarthModel
Inverse flattening 1/f of the GRS67 Ellipsoid.
GRS67_RADIUS - Static variable in class elki.math.geodesy.GRS67SpheroidEarthModel
Radius of the GRS67 Ellipsoid in m (a).
GRS67SpheroidEarthModel - Class in elki.math.geodesy
The GRS 67 spheroid earth model.
GRS67SpheroidEarthModel() - Constructor for class elki.math.geodesy.GRS67SpheroidEarthModel
Constructor.
GRS67SpheroidEarthModel.Par - Class in elki.math.geodesy
Parameterization class.
GRS80_FLATTENING - Static variable in class elki.math.geodesy.GRS80SpheroidEarthModel
Flattening f of the GRS80 Ellipsoid.
GRS80_INV_FLATTENING - Static variable in class elki.math.geodesy.GRS80SpheroidEarthModel
Inverse flattening 1/f of the GRS80 Ellipsoid.
GRS80_RADIUS - Static variable in class elki.math.geodesy.GRS80SpheroidEarthModel
Radius of the GRS80 Ellipsoid in m (a).
GRS80SpheroidEarthModel - Class in elki.math.geodesy
The GRS 80 spheroid earth model, without height model (so not a geoid, just a spheroid!)
GRS80SpheroidEarthModel() - Constructor for class elki.math.geodesy.GRS80SpheroidEarthModel
Constructor.
GRS80SpheroidEarthModel.Par - Class in elki.math.geodesy
Parameterization class.
GUESSED_LABEL - Static variable in class elki.data.type.TypeUtil
Either class label, object labels or a string - anything that will be accepted by DatabaseUtil.guessObjectLabelRepresentation(elki.database.Database) .
guessFactory(SimpleTypeInformation<V>) - Static method in class elki.datasource.filter.FilterUtil
Try to guess the appropriate factory.
guessFormat(String) - Static method in class elki.visualization.savedialog.SVGSaveDialog
Guess a supported format from the file name.
guessLabelRepresentation(Database) - Static method in class elki.database.DatabaseUtil
Guess a potentially label-like representation, preferring class labels.
guessObjectLabelRepresentation(Database) - Static method in class elki.database.DatabaseUtil
Guess a potentially object label-like representation.
gui - Variable in class elki.gui.multistep.panels.SavedSettingsTabPanel
The UI to set parameters on.
GUIUtil - Class in elki.gui
GUI utilities.
GUIUtil() - Constructor for class elki.gui.GUIUtil
Fake constructor.
GumbelDistribution - Class in elki.math.statistics.distribution
Gumbel distribution, also known as Log-Weibull distribution.
GumbelDistribution(double, double) - Constructor for class elki.math.statistics.distribution.GumbelDistribution
Constructor.
GumbelDistribution.Par - Class in elki.math.statistics.distribution
Parameterization class
GumbelLMMEstimator - Class in elki.math.statistics.distribution.estimator
Estimate the parameters of a Gumbel Distribution, using the methods of L-Moments (LMM).
GumbelLMMEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GumbelLMMEstimator
Constructor.
GumbelLMMEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
GumbelMADEstimator - Class in elki.math.statistics.distribution.estimator
Parameter estimation via median and median absolute deviation from median (MAD).
GumbelMADEstimator() - Constructor for class elki.math.statistics.distribution.estimator.GumbelMADEstimator
Private constructor, use static instance!
GumbelMADEstimator.Par - Class in elki.math.statistics.distribution.estimator
Parameterization class.
gzip - Variable in class elki.result.ResultWriter
Whether or not to do gzip compression on output.
gzip - Variable in class elki.result.ResultWriter.Par
Whether or not to do gzip compression on output.
GZIP_EXTENSION - Static variable in class elki.result.textwriter.MultipleFilesOutput
GZip extra file extension
GZIP_OUTPUT_ID - Static variable in class elki.result.ResultWriter.Par
Flag to control GZIP compression.
GZIP_POSTFIX - Static variable in class elki.application.cache.PrecomputeDistancesAsciiApplication
Gzip file name postfix.
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
All Classes All Packages