ELKI command line parameter overview:

-abod.kernelfunction <class|object>

Kernel function to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.similarityfunction.SimilarityFunction

Default: de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel.PolynomialKernelFunction

Known implementations:

Parameter for:

-abod.l <int>

Number of top outliers to compute.

Parameter for:

-adapter.similarityfunction <class|object>

Similarity function to derive the distance between database objects from.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.similarityfunction.NormalizedSimilarityFunction

Default: de.lmu.ifi.dbs.elki.distance.similarityfunction.FractionalSharedNearestNeighborSimilarityFunction

Known implementations:

Parameter for:

-algorithm <object_1|class_1,...,object_n|class_n>

Algorithm to run.

Parameter for:

-algorithm.distancefunction <class|object>

Distance function to determine the distance between database objects.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-ap.convergence <int>

Number of stable iterations for convergence.

Default: 15

Parameter for:

-ap.distance <class|object>

Distance function to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.SquaredEuclideanDistanceFunction

Known implementations:

Parameter for:

-ap.initialization <class|object>

Similarity matrix initialization..

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.affinitypropagation.AffinityPropagationInitialization

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.affinitypropagation.DistanceBasedInitializationWithMedian

Known implementations:

Parameter for:

-ap.lambda <double>

Dampening factor lambda. Usually 0.5 to 1.

Default: 0.5

Parameter for:

-ap.maxiter <int>

Maximum number of iterations.

Default: 1000

Parameter for:

-ap.quantile <double>

Quantile to use for diagonal entries.

Default: 0.5

Parameter for:

-ap.similarity <class|object>

Similarity function to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.similarityfunction.SimilarityFunction

Default: de.lmu.ifi.dbs.elki.distance.similarityfunction.kernel.LinearKernelFunction

Known implementations:

Parameter for:

-apriori.minfreq <double>

Threshold for minimum frequency as percentage value (alternatively to parameter apriori.minsupp).

Parameter for:

-apriori.minsupp <int>

Threshold for minimum support as minimally required number of transactions (alternatively to parameter apriori.minfreq - setting apriori.minsupp is slightly preferable over setting apriori.minfreq in terms of efficiency).

Parameter for:

-arff.classlabel <pattern>

Pattern to recognize class label attributes.

Default: (Class|Class-?Label)

Parameter for:

-arff.externalid <pattern>

Pattern to recognize external ID attributes.

Default: (External-?ID)

Parameter for:

-avep.includeself <|true|false>

Include the query object in the evaluation.

Default: false

Parameter for:

-avep.k <int>

K to compute the average precision at.

Parameter for:

-avep.sampling <double>

Relative amount of object to sample.

Parameter for:

-avep.sampling-seed <long>

Random seed for deterministic sampling.

Parameter for:

-axisref.scale <double>

Scale the data space extension by the given factor.

Default: 1.0

Parameter for:

-ay.k <int>

Subspace dimensionality to search for.

Parameter for:

-ay.m <int>

Population size for evolutionary algorithm.

Parameter for:

-ay.phi <int>

The number of equi-depth grid ranges to use in each dimension.

Parameter for:

-ay.seed <long|Random>

The random number generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-bisecting.kmeansvariant <class|object>

KMeans variant

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.KMeans

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.BestOfMultipleKMeans

Known implementations:

Parameter for:

-bubble.fill <|true|false>

Half-transparent filling of bubbles.

Default: false

Parameter for:

-bubble.scaling <class|object>

Additional scaling function for bubbles.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.scaling.outlier.OutlierScalingFunction

Known implementations:

Parameter for:

-bundle.input <file>

Bundle file to load the data from.

Parameter for:

-bylabelclustering.multiple <|true|false>

Flag to indicate that only subspaces with large coverage (i.e. the fraction of the database that is covered by the dense units) are selected, the rest will be pruned.

Default: false

Parameter for:

-bylabelclustering.noise <pattern>

Pattern to recognize noise classes by their label.

Parameter for:

-bymodel.noise <pattern>

Pattern to recognize noise models by their label.

Parameter for:

-bymodel.randomseed <long|Random>

The random generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-bymodel.sizescale <double>

Factor for scaling the specified cluster sizes.

Default: 1.0

Parameter for:

-bymodel.spec <file>

The generator specification file.

Parameter for:

-canopy.t1 <distance>

Inclusion threshold for canopy clustering. t1 > t2!

Parameter for:

-canopy.t2 <distance>

Removal threshold for canopy clustering. t1 > t2!

Parameter for:

-cash.adjust <|true|false>

Flag to indicate that an adjustment of the applied heuristic for choosing an interval is performed after an interval is selected.

Default: false

Parameter for:

-cash.jitter <double>

The maximum jitter for distance values.

Parameter for:

-cash.maxlevel <int>

The maximum level for splitting the hypercube.

Parameter for:

-cash.mindim <int>

The minimum dimensionality of the subspaces to be found.

Default: 1

Parameter for:

-cash.minpts <int>

Threshold for minimum number of points in a cluster.

Parameter for:

-chengandchurch.alpha <double>

Parameter for multiple node deletion to accelerate the algorithm.

Default: 1.0

Parameter for:

-chengandchurch.delta <double>

Threshold value to determine the maximal acceptable score (mean squared residue) of a bicluster.

Parameter for:

-chengandchurch.n <int>

The number of biclusters to be found.

Default: 1

Parameter for:

-chengandchurch.replacement <class|object>

Distribution of replacement values when masking found clusters.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.distribution.Distribution

Default: de.lmu.ifi.dbs.elki.math.statistics.distribution.UniformDistribution

Known implementations:

Parameter for:

-clipscale.max <double>

Maximum value to allow.

Parameter for:

-clipscale.min <double>

Minimum value to allow.

Parameter for:

-clique.prune <|true|false>

Flag to indicate that only subspaces with large coverage (i.e. the fraction of the database that is covered by the dense units) are selected, the rest will be pruned.

Default: false

Parameter for:

-clique.tau <double>

The density threshold for the selectivity of a unit, where the selectivity isthe fraction of total feature vectors contained in this unit.

Parameter for:

-clique.xsi <int>

The number of intervals (units) in each dimension.

Parameter for:

-cluster.stars <|true|false>

Visualize mean-based clusters using stars.

Default: false

Parameter for:

-cop.dist <CHISQUARED | GAMMA>

The assumed distribution of squared distances. ChiSquared is faster, Gamma expected to be more accurate but could also overfit.

Default: GAMMA

Parameter for:

-cop.expect <double>

Expected share of outliers. Only affect score normalization.

Default: 0.001

Parameter for:

-cop.k <int>

The number of nearest neighbors of an object to be considered for computing its COP_SCORE.

Parameter for:

-cop.k <int>

The number of nearest neighbors of an object to be considered for computing its COP_SCORE.

Parameter for:

-cop.models <|true|false>

Include COP models (error vectors) in output. This needs more memory.

Default: false

Parameter for:

-cop.pcarunner <class|object>

The class to compute (filtered) PCA.

Class Restriction: extends de.lmu.ifi.dbs.elki.math.linearalgebra.pca.PCARunner

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.pca.PCARunner

Known implementations:

Parameter for:

-cop.pcarunner <class|object>

The class to compute (filtered) PCA.

Class Restriction: extends de.lmu.ifi.dbs.elki.math.linearalgebra.pca.PCAFilteredRunner

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.pca.PCAFilteredRunner

Known implementations:

Parameter for:

-copac.partitionAlgorithm <class>

Clustering algorithm to apply to each partition.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.ClusteringAlgorithm

Known implementations:

Parameter for:

-copac.partitionDistance <class|object>

Distance to use for the inner algorithms.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.FilteredLocalPCABasedDistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.LocallyWeightedDistanceFunction

Known implementations:

Parameter for:

-copac.preprocessor <class>

Local PCA Preprocessor to derive partition criterion.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.preprocessed.LocalProjectionIndex$Factory

Known implementations:

Parameter for:

-copscaling.phi <double>

Phi parameter, expected rate of outliers. Set to 0 to use raw CDF values.

Parameter for:

-db <class|object>

Database class.

Class Restriction: implements de.lmu.ifi.dbs.elki.database.Database

Default: de.lmu.ifi.dbs.elki.database.StaticArrayDatabase

Known implementations:

Parameter for:

-db.index <object_1|class_1,...,object_n|class_n>

Database indexes to add.

Parameter for:

-dbc <class|object>

Database connection class.

Class Restriction: implements de.lmu.ifi.dbs.elki.datasource.DatabaseConnection

Default: de.lmu.ifi.dbs.elki.datasource.FileBasedDatabaseConnection

Known implementations:

Parameter for:

-dbc.dim <int>

Dimensionality of the vectors to generate.

Parameter for:

-dbc.filter <object_1|class_1,...,object_n|class_n>

The filters to apply to the input data.

Parameter for:

-dbc.genseed <long|Random>

Seed for randomly generating vectors

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-dbc.in <file_1,...,file_n>

The name of the input file to be parsed.

Parameter for:

-dbc.parser <class|object>

Parser to provide the database.

Class Restriction: implements de.lmu.ifi.dbs.elki.datasource.parser.Parser

Default: de.lmu.ifi.dbs.elki.datasource.parser.NumberVectorLabelParser

Known implementations:

Parameter for:

-dbc.size <int>

Database size to generate.

Parameter for:

-dbod.d <distance>

size of the D-neighborhood

Parameter for:

-dbod.p <double>

minimum fraction of objects that must be outside the D-neighborhood of an outlier

Parameter for:

-dbscan.epsilon <distance>

The maximum radius of the neighborhood to be considered.

Parameter for:

-dbscan.minpts <int>

Threshold for minimum number of points in the epsilon-neighborhood of a point.

Parameter for:

-deliclu.minpts <int>

Threshold for minimum number of points within a cluster.

Parameter for:

-derivator.accuracy <int>

Threshold for output accuracy fraction digits.

Default: 4

Parameter for:

-derivator.randomSample <|true|false>

Flag to use random sample (use knn query around centroid, if flag is not set).

Default: false

Parameter for:

-derivator.sampleSize <int>

Threshold for the size of the random sample to use. Default value is size of the complete dataset.

Parameter for:

-dim <int>

an integer between 1 and the dimensionality of the feature space 1 specifying the dimension to be considered for distance computation.

Parameter for:

-dish.epsilon <double>

The maximum radius of the neighborhood to be considered in each dimension for determination of the preference vector.

Default: 0.001

Parameter for:

-dish.epsilon <double_1,...,double_n>

A comma separated list of positive doubles specifying the maximum radius of the neighborhood to be considered in each dimension for determination of the preference vector (default is 0.001 in each dimension). If only one value is specified, this value will be used for each dimension.

Default: [0.001]

Parameter for:

-dish.minpts <int>

Positive threshold for minumum numbers of points in the epsilon-neighborhood of a point. The value of the preference vector in dimension d_i is set to 1 if the epsilon neighborhood contains more than dish.minpts points and the following condition holds: for all dimensions d_j: |neighbors(d_i) intersection neighbors(d_j)| >= dish.minpts.

Parameter for:

-dish.mu <int>

The minimum number of points as a smoothing factor to avoid the single-link-effekt.

Default: 1

Parameter for:

-dish.strategy <APRIORI | MAX_INTERSECTION>

The strategy for determination of the preference vector, available strategies are: [APRIORI| MAX_INTERSECTION](default is MAX_INTERSECTION)

Default: MAX_INTERSECTION

Parameter for:

-distance.dims <int_1,...,int_n>

a comma separated array of integer values, where 0 <= d_i < the dimensionality of the feature space specifying the dimensions to be considered for distance computation. If this parameter is not set, no dimensions will be considered, i.e. the distance between two objects is always 0.

Parameter for:

-distance.latitudedim <int>

The dimension containing the latitude.

Parameter for:

-distance.longitudedim <int>

The dimension containing the longitude.

Parameter for:

-distance.matrix <file>

The name of the file containing the distance matrix.

Parameter for:

-distance.matrix <file>

The name of the file containing the distance matrix.

Parameter for:

-distance.matrix <file>

The name of the file containing the distance matrix.

Parameter for:

-distance.matrix <file>

The name of the file containing the distance matrix.

Parameter for:

-distance.parser <class|object>

Parser used to load the distance matrix.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.external.DistanceParser

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.external.NumberDistanceParser

Known implementations:

Parameter for:

-distance.parser <class|object>

Parser used to load the distance matrix.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.external.DistanceParser

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.external.NumberDistanceParser

Known implementations:

Parameter for:

-distancefunction.epsilon <double>

The maximum distance between two vectors with equal preference vectors before considering them as parallel.

Default: 0.001

Parameter for:

-distancefunction.index <class|object>

Distance index to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.preprocessed.LocalProjectionIndex$Factory

Default: de.lmu.ifi.dbs.elki.index.preprocessed.localpca.KNNQueryFilteredPCAIndex.Factory

Known implementations:

Parameter for:

-distribution.beta.alpha <double>

Beta distribution alpha parameter

Parameter for:

-distribution.beta.beta <double>

Beta distribution beta parameter

Parameter for:

-distribution.cauchy.shape <double>

Cauchy distribution gamma/shape parameter.

Parameter for:

-distribution.chi.dof <double>

Chi distribution degrees of freedom parameter.

Parameter for:

-distribution.constant <double>

Constant value.

Parameter for:

-distribution.exponential.rate <double>

Exponential distribution rate (lambda) parameter (inverse of scale).

Parameter for:

-distribution.gamma.k <double>

Gamma distribution k = alpha parameter.

Parameter for:

-distribution.gamma.theta <double>

Gamma distribution theta = 1/beta parameter.

Parameter for:

-distribution.kappa.shape1 <double>

First shape parameter of kappa distribution.

Parameter for:

-distribution.kappa.shape2 <double>

Second shape parameter of kappa distribution.

Parameter for:

-distribution.laplace.rate <double>

Laplace distribution rate (lambda) parameter (inverse of scale).

Parameter for:

-distribution.location <double>

Distribution location parameter

Parameter for:

-distribution.loggamma.shift <double>

Shift offset parameter.

Parameter for:

-distribution.loggamma.shift <double>

Shift offset parameter.

Parameter for:

-distribution.lognormal.logmean <double>

Mean of the distribution before logscaling.

Parameter for:

-distribution.lognormal.logstddev <double>

Standard deviation of the distribution before logscaling.

Parameter for:

-distribution.lognormal.shift <double>

Shifting offset, so the distribution does not begin at 0.

Default: 0.0

Parameter for:

-distribution.max <double>

Maximum value of distribution.

Parameter for:

-distribution.min <double>

Minimum value of distribution.

Parameter for:

-distribution.poisson.n <int>

Number of trials.

Parameter for:

-distribution.poisson.probability <double>

Success probability.

Parameter for:

-distribution.random <long|Random>

Random generation data source.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-distribution.scale <double>

Distribution scale parameter

Parameter for:

-distribution.shape <double>

Distribution shape parameter

Parameter for:

-distribution.skewgnormal.skew <double>

Skew of the distribution.

Parameter for:

-distribution.studentst.nu <int>

Degrees of freedom.

Parameter for:

-diststat.bins <int>

Number of bins to use in the histogram. By default, it is only guaranteed to be within 1*n and 2*n of the given number.

Default: 20

Parameter for:

-diststat.exact <|true|false>

In a first pass, compute the exact minimum and maximum, at the cost of O(2*n*n) instead of O(n*n). The number of resulting bins is guaranteed to be as requested.

Default: false

Parameter for:

-diststat.sampling <|true|false>

Enable sampling of O(n) size to determine the minimum and maximum distances approximately. The resulting number of bins can be larger than the given n.

Default: false

Parameter for:

-doc.alpha <double>

Minimum relative density for a set of points to be considered a cluster (|C|>=doc.alpha*|S|).

Default: 0.2

Parameter for:

-doc.beta <double>

Preference of cluster size versus number of relevant dimensions (higher value means higher priority on larger clusters).

Default: 0.8

Parameter for:

-doc.fastdoc <|true|false>

Use heuristics as described, thus using the FastDOC algorithm (not yet implemented).

Default: false

Parameter for:

-doc.random-seed <long|Random>

Random seed, for reproducible experiments.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-doc.w <double>

Maximum extent of scattering of points along a single attribute for the attribute to be considered relevant.

Default: 0.05

Parameter for:

-dwof.delta <double>

Radius increase factor.

Default: 1.1

Parameter for:

-dwof.k <int>

Number of neighbors to get for DWOF score outlier detection.

Parameter for:

-edit.bandSize <double>

the band size for Edit Distance alignment (positive double value, 0 <= bandSize <= 1)

Default: 0.1

Parameter for:

-edr.delta <double>

the delta parameter (similarity threshold) for EDR (positive number)

Default: 1.0

Parameter for:

-em.delta <double>

The termination criterion for maximization of E(M): E(M) - E(M') < em.delta

Default: 0.0

Parameter for:

-em.k <int>

The number of clusters to find.

Parameter for:

-enableDebug <string>

Parameter to enable debugging for particular packages.

Parameter for:

-ensemble.median.quantile <double>

Quantile to use in median voting.

Default: 0.5

Parameter for:

-ensemble.voting <class|object>

Voting strategy to use in the ensemble.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.ensemble.EnsembleVoting

Known implementations:

Parameter for:

-ericdf.delta <double>

Threshold for approximate linear dependency: the strong eigenvectors of q are approximately linear dependent from the strong eigenvectors p if the following condition holds for all stroneg eigenvectors q_i of q (lambda_q < lambda_p): q_i' * M^check_p * q_i <= delta^2.

Default: 0.1

Parameter for:

-ericdf.tau <double>

Threshold for the maximum distance between two approximately linear dependent subspaces of two objects p and q (lambda_q < lambda_p) before considering them as parallel.

Default: 0.1

Parameter for:

-erp.g <double>

the g parameter ERP (positive number)

Default: 0.0

Parameter for:

-evaluator <object_1|class_1,...,object_n|class_n>

Class to evaluate the results with.

Default: [class de.lmu.ifi.dbs.elki.evaluation.AutomaticEvaluation]

Parameter for:

-extendedneighbors.neighborhood <class|object>

The inner neighborhood predicate to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood.NeighborSetPredicate$Factory

Known implementations:

Parameter for:

-extendedneighbors.neighborhood <class|object>

The inner neighborhood predicate to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood.NeighborSetPredicate$Factory

Known implementations:

Parameter for:

-extendedneighbors.steps <int>

The number of steps allowed in the neighborhood graph.

Parameter for:

-extendedneighbors.steps <int>

The number of steps allowed in the neighborhood graph.

Parameter for:

-external.knnfile <file>

Filename with the precomputed k nearest neighbors.

Parameter for:

-externalneighbors.file <file>

The file listing the neighbors.

Parameter for:

-externaloutlier.file <file>

The file name containing the (external) outlier scores.

Parameter for:

-externaloutlier.idpattern <pattern>

The pattern to match object ID prefix

Default: ^ID=

Parameter for:

-externaloutlier.inverted <|true|false>

Flag to signal an inverted outlier score.

Default: false

Parameter for:

-externaloutlier.scaling <class|object>

Class to use as scaling function.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.scaling.ScalingFunction

Default: de.lmu.ifi.dbs.elki.utilities.scaling.IdentityScaling

Known implementations:

Parameter for:

-externaloutlier.scorepattern <pattern>

The pattern to match object score prefix

Parameter for:

-fastabod.k <int>

Number of nearest neighbors to use for ABOD.

Parameter for:

-fbagging.breadth <|true|false>

Use the breadth first combinations instead of the cumulative sum approach

Default: false

Parameter for:

-fbagging.num <int>

The number of instances to use in the ensemble.

Parameter for:

-fbagging.seed <long|Random>

Specify a particular random seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-gammascale.normalize <|true|false>

Regularize scores before using Gamma scaling.

Default: false

Parameter for:

-gaussod.invert <|true|false>

Invert the value range to [0:1], with 1 being outliers instead of 0.

Default: false

Parameter for:

-gdbscan.core <class|object>

Core point predicate for GDBSCAN

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.gdbscan.CorePredicate

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.gdbscan.MinPtsCorePredicate

Known implementations:

Parameter for:

-gdbscan.core-model <|true|false>

Use a model that keeps track of core points. Needs more memory.

Default: false

Parameter for:

-gdbscan.neighborhood <class|object>

Neighborhood predicate for GDBSCAN

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.gdbscan.NeighborPredicate

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.gdbscan.EpsilonNeighborPredicate

Known implementations:

Parameter for:

-generate.n <int>

The number of reference points to be generated.

Parameter for:

-generate.scale <double>

Scale the grid by the given factor. This can be used to obtain reference points outside the used data space.

Default: 1.0

Parameter for:

-geo.model <class|object>

Earth model to use for projection. Default: spherical model.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.geodesy.EarthModel

Default: de.lmu.ifi.dbs.elki.math.geodesy.SphericalVincentyEarthModel

Known implementations:

Parameter for:

-glsbs.alpha <double>

Significance niveau

Parameter for:

-glsbs.k <int>

k nearest neighbors to use

Parameter for:

-grid.scale <double>

Scale the grid by the given factor. This can be used to obtain reference points outside the used data space.

Default: 1.0

Parameter for:

-grid.size <int>

The number of partitions in each dimension. Points will be placed on the edges of the grid, except for a grid size of 0, where only the mean is generated as reference point.

Default: 1

Parameter for:

-hico.alpha <double>

The threshold for 'strong' eigenvectors: the 'strong' eigenvectors explain a portion of at least alpha of the total variance.

Default: 0.85

Parameter for:

-hico.delta <double>

Threshold of a distance between a vector q and a given space that indicates that q adds a new dimension to the space.

Default: 0.25

Parameter for:

-hico.k <int>

Optional parameter to specify the number of nearest neighbors considered in the PCA. If this parameter is not set, k is set to the value of parameter mu.

Parameter for:

-hico.mu <int>

Specifies the smoothing factor. The mu-nearest neighbor is used to compute the correlation reachability of an object.

Parameter for:

-hics.algo <class|object>

The Algorithm that performs the actual outlier detection on the resulting set of subspace

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.outlier.OutlierAlgorithm

Default: de.lmu.ifi.dbs.elki.algorithm.outlier.lof.LOF

Known implementations:

Parameter for:

-hics.alpha <double>

The discriminance value that determines the size of the test statistic .

Default: 0.1

Parameter for:

-hics.limit <int>

The threshold that determines how many d-dimensional subspace candidates to retain in each step of the generation

Default: 100

Parameter for:

-hics.m <int>

The number of iterations in the Monte-Carlo processing.

Default: 50

Parameter for:

-hics.seed <long|Random>

The random seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-hics.test <class|object>

The statistical test that is used to calculate the deviation of two data samples

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.tests.GoodnessOfFitTest

Default: de.lmu.ifi.dbs.elki.math.statistics.tests.KolmogorovSmirnovTest

Known implementations:

Parameter for:

-hierarchical.linkage <SINGLE | COMPLETE | GROUP_AVERAGE | WEIGHTED_AVERAGE | CENTROID | MEDIAN | WARD>

Parameter to choose the linkage strategy.

Default: WARD

Parameter for:

-hierarchical.linkage <SINGLE | COMPLETE | GROUP_AVERAGE | WEIGHTED_AVERAGE | CENTROID | MEDIAN | WARD>

Parameter to choose the linkage strategy.

Default: WARD

Parameter for:

-hierarchical.linkage <class|object>

Linkage method to use (e.g. Ward, Single-Link)

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.hierarchical.LinkageMethod

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.hierarchical.WardLinkageMethod

Known implementations:

Parameter for:

-hierarchical.minclusters <int>

The minimum number of clusters to extract (there may be more clusters when tied).

Parameter for:

-hierarchical.output-mode <STRICT_PARTITIONS | PARTIAL_HIERARCHY>

The output mode: a truncated cluster hierarchy, or a strict (flat) partitioning of the data set.

Parameter for:

-hierarchical.singletons <|true|false>

Do not avoid singleton clusters. This produces a more complex hierarchy.

Default: false

Parameter for:

-hierarchical.threshold <distance>

The threshold level for which to extract the clusters.

Parameter for:

-hierarchical.threshold-mode <BY_MINCLUSTERS | BY_THRESHOLD | NO_THRESHOLD>

The thresholding mode to use for extracting clusters: by desired number of clusters, or by distance threshold.

Default: BY_MINCLUSTERS

Parameter for:

-HilOut.h <int>

Max. Hilbert-Level

Default: 32

Parameter for:

-HilOut.k <int>

Compute up to k next neighbors

Default: 5

Parameter for:

-HilOut.n <int>

Compute n outliers

Default: 10

Parameter for:

-HilOut.tn <All | TopN>

output of Top n or all elements

Default: TopN

Parameter for:

-hisc.alpha <double>

The maximum absolute variance along a coordinate axis.

Default: 0.01

Parameter for:

-hisc.k <int>

The number of nearest neighbors considered to determine the preference vector. If this value is not defined, k ist set to three times of the dimensionality of the database objects.

Parameter for:

-hsbhist.bpp <int_1,...,int_n>

The dimensionality of the histogram in hue, saturation and brightness.

Parameter for:

-hsbhist.bpp <int_1,...,int_n>

Bins per plane for HSV/HSB histogram. This will result in bpp ** 3 bins.

Parameter for:

-hsbhist.bpp <int>

Bins per plane for HSV/HSB histogram. This will result in bpp ** 3 bins.

Parameter for:

-hull.alpha <double>

Alpha value for hull drawing (in projected space!).

Default: Infinity

Parameter for:

-idgen.count <int>

Number of DBID to generate.

Parameter for:

-idgen.start <int>

First integer DBID to generate.

Default: 0

Parameter for:

-index.fill <|true|false>

Partially transparent filling of index pages.

Default: false

Parameter for:

-index.pagefile <class|object>

The pagefile factory for storing the index.

Class Restriction: implements de.lmu.ifi.dbs.elki.persistent.PageFileFactory

Default: de.lmu.ifi.dbs.elki.persistent.MemoryPageFileFactory

Known implementations:

Parameter for:

-inflo.k <int>

The number of nearest neighbors of an object to be considered for computing its INFLO_SCORE.

Parameter for:

-inflo.m <double>

The threshold

Default: 1.0

Parameter for:

-join.sources <object_1|class_1,...,object_n|class_n>

The data sources to join.

Parameter for:

-join.sources <object_1|class_1,...,object_n|class_n>

The data sources to join.

Parameter for:

-join.sources <object_1|class_1,...,object_n|class_n>

The data sources to join.

Parameter for:

-json.port <int>

Port for the JSON web server to listen on.

Default: 8080

Parameter for:

-kernel.laplace.sigma <double>

Standard deviation of the laplace RBF kernel.

Default: 1.0

Parameter for:

-kernel.polynomial.bias <double>

The bias of the polynomial kernel, a constant that is added to the scalar product.

Parameter for:

-kernel.polynomial.degree <int>

The degree of the polynomial kernel function. Default: 2

Default: 2

Parameter for:

-kernel.rationalquadratic.c <double>

Constant term in the rational quadratic kernel.

Default: 1.0

Parameter for:

-kernel.rbf.sigma <double>

Standard deviation of the Gaussian RBF kernel.

Default: 1.0

Parameter for:

-kernel.sigmoid.c <double>

Sigmoid c parameter (scaling).

Default: 1.0

Parameter for:

-kernel.sigmoid.theta <double>

Sigmoid theta parameter (bias).

Default: 0.0

Parameter for:

-kernelcluster.dim <int>

Dimension to use for clustering. For one-dimensional data, use 0.

Default: 0

Parameter for:

-kernelcluster.kernel <class|object>

Kernel function for density estimation.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.KernelDensityFunction

Default: de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.EpanechnikovKernelDensityFunction

Known implementations:

Parameter for:

-kernelcluster.knn <int>

Number of nearest neighbors to use for bandwidth estimation.

Parameter for:

-kernelcluster.mode <BALLOON | SAMPLE>

Kernel density estimation mode (baloon estimator vs. sample point estimator).

Default: BALLOON

Parameter for:

-kernelcluster.window <int>

Half width of sliding window to find local minima.

Parameter for:

-kernellof.kernel <class|object>

Kernel to use for kernel density LOF.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.KernelDensityFunction

Default: de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.EpanechnikovKernelDensityFunction

Known implementations:

Parameter for:

-kmeans.algorithm <class|object>

KMeans variant to run multiple times.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.KMeans

Known implementations:

Parameter for:

-kmeans.blocks <int>

Number of blocks to use for processing. Means will be recomputed after each block.

Default: 10

Parameter for:

-kmeans.blocks.random <long|Random>

Random source for producing blocks.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-kmeans.initialization <class|object>

Method to choose the initial means.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.KMeansInitialization

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.RandomlyChosenInitialMeans

Known implementations:

Parameter for:

-kmeans.initialization <class|object>

Method to choose the initial means.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.KMeansInitialization

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.RandomlyGeneratedInitialMeans

Known implementations:

Parameter for:

-kmeans.k <int>

The number of clusters to find.

Parameter for:

-kmeans.maxiter <int>

The maximum number of iterations to do. 0 means no limit.

Parameter for:

-kmeans.qualitymeasure <class|object>

Quality measure variant for deciding which run to keep.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.kmeans.quality.KMeansQualityMeasure

Known implementations:

Parameter for:

-kmeans.trials <int>

The number of trials to run.

Parameter for:

-kml.autoopen <|true|false>

Automatically open the result file.

Default: false

Parameter for:

-kml.compat <|true|false>

Use simpler KML objects, compatibility mode.

Default: false

Parameter for:

-kml.scaling <class|object>

Additional scaling function for KML colorization.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.scaling.outlier.OutlierScalingFunction

Default: de.lmu.ifi.dbs.elki.utilities.scaling.outlier.OutlierLinearScaling

Known implementations:

Parameter for:

-knnbench.k <int>

Number of neighbors to retreive for kNN benchmarking.

Parameter for:

-knnbench.query <class|object>

Data source for the queries. If not set, the queries are taken from the database.

Class Restriction: implements de.lmu.ifi.dbs.elki.datasource.DatabaseConnection

Known implementations:

Parameter for:

-knnbench.random <long|Random>

Random generator for sampling.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-knnbench.sampling <double>

Sampling size parameter. If the value is less or equal 1, it is assumed to be the relative share. Larger values will be interpreted as integer sizes. By default, all data will be used.

Parameter for:

-knndistanceorder.k <int>

Specifies the distance of the k-distant object to be assessed.

Default: 1

Parameter for:

-knndistanceorder.percentage <double>

The average percentage of distances randomly choosen to be provided in the result.

Default: 1.0

Parameter for:

-knnjoin.k <int>

Specifies the k-nearest neighbors to be assigned.

Default: 1

Parameter for:

-knno.k <int>

k nearest neighbor

Parameter for:

-knnwod.k <int>

k nearest neighbor

Parameter for:

-lcss.pDelta <double>

the allowed deviation in x direction for LCSS alignment (positive double value, 0 <= pDelta <= 1)

Default: 0.1

Parameter for:

-lcss.pEpsilon <double>

the allowed deviation in y directionfor LCSS alignment (positive double value, 0 <= pEpsilon <= 1)

Default: 0.05

Parameter for:

-ldf.c <double>

Score scaling parameter for LDF.

Default: 0.1

Parameter for:

-ldf.h <double>

Kernel bandwidth multiplier for LDF.

Parameter for:

-ldf.k <int>

Number of neighbors to use for LDF.

Parameter for:

-ldf.kernel <class|object>

Kernel to use for LDF.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.KernelDensityFunction

Default: de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.GaussianKernelDensityFunction

Known implementations:

Parameter for:

-ldof.k <int>

The number of nearest neighbors of an object to be considered for computing its LDOF_SCORE.

Parameter for:

-linearscale.ignorezero <|true|false>

Ignore zero entries when computing the minimum and maximum.

Default: false

Parameter for:

-linearscale.max <double>

Fixed maximum to use in linear scaling.

Parameter for:

-linearscale.min <double>

Fixed minimum to use in linear scaling.

Parameter for:

-linearscale.usemean <|true|false>

Use the mean as minimum for scaling.

Default: false

Parameter for:

-lmclus.maxdim <int>

Maximum linear manifold dimension to search.

Parameter for:

-lmclus.minsize <int>

Minimum cluster size to allow.

Parameter for:

-lmclus.sampling-level <int>

A number used to determine how many samples are taken in each search.

Default: 100

Parameter for:

-lmclus.seed <long|Random>

Random generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-lmclus.threshold <double>

Threshold to determine if a cluster was found.

Parameter for:

-localpca.distancefunction <class|object>

The distance function used to select objects for running PCA.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-localpca.epsilon <distance>

The maximum radius of the neighborhood to be considered in the PCA.

Parameter for:

-localpca.k <int>

The number of nearest neighbors considered in the PCA. If this parameter is not set, k ist set to three times of the dimensionality of the database objects.

Parameter for:

-loci.alpha <double>

Scaling factor for averaging neighborhood

Default: 0.5

Parameter for:

-loci.alpha <int>

Scaling factor for averaging neighborhood

Default: 4

Parameter for:

-loci.g <int>

The number of Grids to use.

Default: 1

Parameter for:

-loci.nmin <int>

Minimum neighborhood size to be considered.

Default: 20

Parameter for:

-loci.nmin <int>

Minimum neighborhood size to be considered.

Default: 20

Parameter for:

-loci.rmax <distance>

The maximum radius of the neighborhood to be considered.

Parameter for:

-loci.seed <long|Random>

The seed to use for initializing Random.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-lof.k <int>

The number of nearest neighbors of an object to be considered for computing its LOF_SCORE.

Parameter for:

-lof.kreach <int>

The number of nearest neighbors of an object to be considered for computing its LOF_SCORE.

Parameter for:

-lof.krefer <int>

The number of nearest neighbors of an object to be considered for computing its LOF_SCORE.

Parameter for:

-lof.reachdistfunction <class|object>

Distance function to determine the reachability distance between database objects.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Known implementations:

Parameter for:

-loop.comparedistfunction <class|object>

Distance function to determine the reference set of an object.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-loop.kcomp <int>

The number of nearest neighbors of an object to be considered for computing its LOOP_SCORE.

Parameter for:

-loop.kref <int>

The number of nearest neighbors of an object to be used for the PRD value.

Parameter for:

-loop.lambda <double>

The number of standard deviations to consider for density computation.

Default: 2.0

Parameter for:

-loop.referencedistfunction <class|object>

Distance function to determine the density of an object.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Known implementations:

Parameter for:

-lpnorm.p <int>

the degree of the L-P-Norm (positive number)

Parameter for:

-lsh.buckets <int>

Number of hash buckets to use.

Default: 7919

Parameter for:

-lsh.family <class|object>

Hash function family to use for LSH.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.lsh.hashfamilies.LocalitySensitiveHashFunctionFamily

Known implementations:

Parameter for:

-lsh.tables <int>

Number of hash tables to use.

Parameter for:

-materialize.distance <class|object>

the distance function to materialize the nearest neighbors

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-materialize.k <int>

The number of nearest neighbors of an object to be materialized.

Parameter for:

-meanshift.kernel <class|object>

Kernel function to use with mean-shift clustering.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.KernelDensityFunction

Default: de.lmu.ifi.dbs.elki.math.statistics.kernelfunctions.EpanechnikovKernelDensityFunction

Known implementations:

Parameter for:

-meanshift.kernel-bandwidth <distance>

Range of the kernel to use (aka: radius, bandwidth).

Parameter for:

-metaoutlier.scaling <class|object>

Class to use as scaling function.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.scaling.ScalingFunction

Known implementations:

Parameter for:

-mkapp.k <int>

positive integer specifying the maximum number k of reverse k nearest neighbors to be supported.

Parameter for:

-mkapp.nolog <|true|false>

Flag to indicate that the approximation is done in the ''normal'' space instead of the log-log space (which is default).

Default: false

Parameter for:

-mkapp.p <int>

positive integer specifying the order of the polynomial approximation.

Parameter for:

-mkcop.k <int>

positive integer specifying the maximum number k of reverse k nearest neighbors to be supported.

Parameter for:

-mktree.kmax <int>

Specifies the maximal number k of reverse k nearest neighbors to be supported.

Parameter for:

-mmo.c <double>

cutoff

Default: 1.0E-7

Parameter for:

-modeloutlier.expect <double>

Expected amount of outliers, for making the scores more intuitive. When the value is 1, the CDF will be given instead.

Default: 0.01

Parameter for:

-mtree.distancefunction <class|object>

Distance function to determine the distance between database objects.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-mtree.insert <class|object>

Insertion strategy to use for constructing the M-tree.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.strategies.insert.MTreeInsert

Default: de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.strategies.insert.MinimumEnlargementInsert

Known implementations:

Parameter for:

-mtree.split <class|object>

Split strategy to use for constructing the M-tree.

Class Restriction: extends de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.strategies.split.MTreeSplit

Default: de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.strategies.split.MMRadSplit

Known implementations:

Parameter for:

-multinorm.ps <double_1,...,double_n>

The exponents to use for this distance function

Parameter for:

-neighborhood <class|object>

The neighborhood predicate to use in comparison step.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood.NeighborSetPredicate$Factory

Known implementations:

Parameter for:

-neighborhood.distancefunction <class|object>

the distance function to use

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Known implementations:

Parameter for:

-neighborhood.inner <class|object>

Parameter for the non-weighted neighborhood to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood.NeighborSetPredicate$Factory

Known implementations:

Parameter for:

-neighborhood.k <int>

the number of neighbors

Parameter for:

-normalization.norm <class|object>

Norm (length function) to use for computing the vector length.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DoubleNorm

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-normalize.distributions <object_1|class_1,...,object_n|class_n>

A list of the distribution estimators to try.

Default: [class de.lmu.ifi.dbs.elki.math.statistics.distribution.estimator.meta.BestFitEstimator]

Parameter for:

-normalize.max <double_1,...,double_n>

a comma separated concatenation of the maximum values in each dimension that are mapped to 1. If no value is specified, the maximum value of the attribute range in this dimension will be taken.

Parameter for:

-normalize.mean <double_1,...,double_n>

a comma separated concatenation of the mean values in each dimension that are mapped to 0. If no value is specified, the mean value of the attribute range in this dimension will be taken.

Parameter for:

-normalize.min <double_1,...,double_n>

a comma separated concatenation of the minimum values in each dimension that are mapped to 0. If no value is specified, the minimum value of the attribute range in this dimension will be taken.

Parameter for:

-normalize.stddev <double_1,...,double_n>

a comma separated concatenation of the standard deviations in each dimension that are scaled to 1. If no value is specified, the standard deviation of the attribute range in this dimension will be taken.

Parameter for:

-odin.k <int>

Number of neighbors to use for kNN graph.

Parameter for:

-odin.k <int>

Number of neighbors to use for kNN graph.

Parameter for:

-optics.epsilon <distance>

The maximum radius of the neighborhood to be considered.

Parameter for:

-optics.minpts <int>

Threshold for minimum number of points in the epsilon-neighborhood of a point.

Parameter for:

-opticsxi.algorithm <class>

The actual OPTICS-type algorithm to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.OPTICSTypeAlgorithm

Default: de.lmu.ifi.dbs.elki.algorithm.clustering.OPTICS

Known implementations:

Parameter for:

-opticsxi.xi <double>

Threshold for the steepness requirement.

Parameter for:

-orclus.alpha <double>

The factor for reducing the number of current clusters in each iteration.

Default: 0.5

Parameter for:

-orclus.seed <long|Random>

The random number generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-out <file>

Filename the KMZ file (compressed KML) is written to.

Parameter for:

-out.filter <pattern>

Filter pattern for output selection. Only output streams that match the given pattern will be written.

Parameter for:

-out.gzip <|true|false>

Enable gzip compression of output files.

Default: false

Parameter for:

-out.silentoverwrite <|true|false>

Silently overwrite output files.

Default: false

Parameter for:

-outlier.pattern <pattern>

Label pattern to match outliers.

Default: .*(Outlier|Noise).*

Parameter for:

-outrank.algorithm <class|object>

Subspace clustering algorithm to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.SubspaceClusteringAlgorithm

Known implementations:

Parameter for:

-outrank.s1.alpha <double>

Alpha parameter for S1 score.

Default: 0.25

Parameter for:

-outres.epsilon <double>

Range value for OUTRES in 2 dimensions.

Parameter for:

-p3c.alpha <double>

The significance level for uniform testing in the initial binning step.

Default: 0.001

Parameter for:

-p3c.em.delta <double>

The change delta for the EM step below which to stop.

Default: 1.0E-5

Parameter for:

-p3c.em.maxiter <int>

The maximum number of iterations for the EM step. Use -1 to run until delta convergence.

Default: 20

Parameter for:

-p3c.minsize <int>

The minimum size of a cluster, otherwise it is seen as noise (this is a cheat, it is not mentioned in the paper).

Default: 1

Parameter for:

-p3c.threshold <double>

The threshold value for the poisson test used when merging signatures.

Default: 1.0E-4

Parameter for:

-pagefile.pagesize <int>

The size of a page in bytes.

Default: 1024

Parameter for:

-parser.colsep <pattern>

Column separator pattern. The default assumes whitespace separated data.

Default: (\s+|\s*[,;]\s*)

Parameter for:

-parser.labelIndices <int_1,...,int_n>

A comma separated list of the indices of labels (may be numeric), counting whitespace separated entries in a line starting with 0. The corresponding entries will be treated as a label.

Parameter for:

-parser.quote <string>

Quotation characters. By default, both double and single ASCII quotes are accepted.

Default: "'

Parameter for:

-parser.vector-type <class|object>

The type of vectors to create for numerical attributes.

Class Restriction: implements de.lmu.ifi.dbs.elki.data.NumberVector$Factory

Default: de.lmu.ifi.dbs.elki.data.DoubleVector.Factory

Known implementations:

Parameter for:

-partknn.p <int>

The number of partitions to use for approximate kNN.

Parameter for:

-partknn.seed <long|Random>

The random number generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-pca.big <double>

A constant big value to reset high eigenvalues.

Default: 1.0

Parameter for:

-pca.covariance <class|object>

Class used to compute the covariance matrix.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.linearalgebra.pca.CovarianceMatrixBuilder

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.pca.StandardCovarianceMatrixBuilder

Known implementations:

Parameter for:

-pca.filter <class|object>

Filter class to determine the strong and weak eigenvectors.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.linearalgebra.pca.EigenPairFilter

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.pca.PercentageEigenPairFilter

Known implementations:

Parameter for:

-pca.filter.absolute <|true|false>

Flag to mark delta as an absolute value.

Default: false

Parameter for:

-pca.filter.alpha <double>

The share (0.0 to 1.0) of variance that needs to be explained by the 'strong' eigenvectors.The filter class will choose the number of strong eigenvectors by this share.

Default: 0.85

Parameter for:

-pca.filter.composite.list <object_1|class_1,...,object_n|class_n>

A comma separated list of the class names of the filters to be used. The specified filters will be applied sequentially in the given order.

Parameter for:

-pca.filter.delta <double>

The threshold for strong Eigenvalues. If not otherwise specified, delta is a relative value w.r.t. the (absolute) highest Eigenvalues and has to be a double between 0 and 1. To mark delta as an absolute value, use the option -pca.filter.absolute.

Default: 0.01

Parameter for:

-pca.filter.n <int>

The number of strong eigenvectors: n eigenvectors with the n highesteigenvalues are marked as strong eigenvectors.

Parameter for:

-pca.filter.progressivealpha <double>

The share (0.0 to 1.0) of variance that needs to be explained by the 'strong' eigenvectors.The filter class will choose the number of strong eigenvectors by this share.

Default: 0.5

Parameter for:

-pca.filter.relativealpha <double>

The sensitivity niveau for weak eigenvectors: An eigenvector which is at less than the given share of the statistical average variance is considered weak.

Default: 1.1

Parameter for:

-pca.filter.weakalpha <double>

The minimum strength of the statistically expected variance (1/n) share an eigenvector needs to have to be considered 'strong'.

Default: 0.0

Parameter for:

-pca.small <double>

A constant small value to reset low eigenvalues.

Default: 0.0

Parameter for:

-pca.weight <class|object>

Weight function to use in weighted PCA.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.linearalgebra.pca.weightfunctions.WeightFunction

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.pca.weightfunctions.ConstantWeight

Known implementations:

Parameter for:

-pcabasedcorrelationdf.delta <double>

Threshold of a distance between a vector q and a given space that indicates that q adds a new dimension to the space.

Default: 0.25

Parameter for:

-pinn.hmult <double>

Multiplicator for neighborhood size.

Default: 3.0

Parameter for:

-pinn.s <double>

Sparsity of the random projection.

Default: 1.0

Parameter for:

-pinn.seed <long|Random>

Random generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-pinn.t <int>

Target dimensionality.

Parameter for:

-predecon.delta <double>

a double between 0 and 1 specifying the threshold for small Eigenvalues (default is delta = 0.01).

Default: 0.01

Parameter for:

-proclus.mi <int>

The multiplier for the initial number of medoids.

Default: 10

Parameter for:

-proclus.seed <long|Random>

The random number generator seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-projdbscan.distancefunction <class|object>

Distance function to determine the neighbors for variance analysis.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-projdbscan.epsilon <distance>

The maximum radius of the neighborhood to be considered.

Parameter for:

-projdbscan.lambda <int>

The intrinsic dimensionality of the clusters to find.

Parameter for:

-projdbscan.minpts <int>

Threshold for minimum number of points in the epsilon-neighborhood of a point.

Parameter for:

-projdbscan.outerdistancefunction <class|object>

Distance function to determine the distance between database objects.

Class Restriction: extends de.lmu.ifi.dbs.elki.distance.distancefunction.LocallyWeightedDistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.LocallyWeightedDistanceFunction

Known implementations:

Parameter for:

-projectedclustering.k <int>

The number of clusters to find.

Parameter for:

-projectedclustering.k_i <int>

The multiplier for the initial number of seeds.

Default: 30

Parameter for:

-projectedclustering.l <int>

The dimensionality of the clusters to find.

Parameter for:

-projectionfilter.selectedattributes <int_1,...,int_n>

a comma separated array of integer values d_i, where 0 <= d_i < the dimensionality of the feature space specifying the dimensions to be considered for projection. If this parameter is not set, no dimensions will be considered, i.e. the projection is a zero-dimensional feature space

Parameter for:

-projhistogram.bins <int>

Number of bins in the distribution histogram

Default: 50

Parameter for:

-projhistogram.curves <|true|false>

Use curves instead of the stacked histogram style.

Default: false

Parameter for:

-projindex.disable-refine <|true|false>

Flag to disable refinement of distances.

Default: false

Parameter for:

-projindex.inner <class|object>

Index to use on the projected data.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.IndexFactory

Known implementations:

Parameter for:

-projindex.kmulti <double>

Multiplier for k.

Default: 1.0

Parameter for:

-projindex.materialize <|true|false>

Flag to materialize the projected data.

Default: false

Parameter for:

-projindex.proj <class|object>

Projection to use for the projected index.

Class Restriction: implements de.lmu.ifi.dbs.elki.data.projection.Projection

Known implementations:

Parameter for:

-randomknn.seed <long|Random>

The random number seed.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-randomknn.share <double>

The relative amount of objects to consider for kNN computations.

Parameter for:

-randomproj.dimensionality <int>

Amount of dimensions to project to.

Parameter for:

-randomproj.family <class|object>

Projection family to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.linearalgebra.randomprojections.RandomProjectionFamily

Default: de.lmu.ifi.dbs.elki.math.linearalgebra.randomprojections.AchlioptasRandomProjectionFamily

Known implementations:

Parameter for:

-randomwalkec.alpha <double>

Scaling exponent for value differences.

Default: 0.5

Parameter for:

-randomwalkec.c <double>

The damping parameter c.

Parameter for:

-randomwalkec.k <int>

Number of nearest neighbors to use.

Parameter for:

-rangebench.query <class|object>

Data source for the queries. If not set, the queries are taken from the database.

Class Restriction: implements de.lmu.ifi.dbs.elki.datasource.DatabaseConnection

Known implementations:

Parameter for:

-rangebench.random <long|Random>

Random generator for sampling.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-rangebench.sampling <double>

Sampling size parameter. If the value is less or equal 1, it is assumed to be the relative share. Larger values will be interpreted as integer sizes. By default, all data will be used.

Parameter for:

-rankqual.bins <int>

Number of bins to use in the histogram

Default: 100

Parameter for:

-rankqual.bins <int>

Number of bins to use in the histogram

Default: 20

Parameter for:

-ransacpca.iterations <int>

The number of iterations to perform.

Default: 1000

Parameter for:

-ransacpca.seed <long|Random>

Random seed (optional).

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-reachdist.basedistance <class|object>

Base distance function to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-reachdist.k <int>

The number of nearest neighbors of an object to be considered for computing its reachability distance.

Parameter for:

-refod.k <int>

The number of nearest neighbors

Parameter for:

-refod.refp <class|object>

The heuristic for finding reference points.

Class Restriction: implements de.lmu.ifi.dbs.elki.utilities.referencepoints.ReferencePointsHeuristic

Default: de.lmu.ifi.dbs.elki.utilities.referencepoints.GridBasedReferencePoints

Known implementations:

Parameter for:

-resulthandler <object_1|class_1,...,object_n|class_n>

Result handler class.

Parameter for:

-rgbhist.bpp <int>

Bins per plane for RGB histogram. This will result in bpp ** 3 bins.

Parameter for:

-rgbhist.bpp <int>

The dimensionality of the histogram in each color

Parameter for:

-rtree.bulk.spatial-sort <class|object>

Strategy for spatial sorting in bulk loading.

Class Restriction: implements de.lmu.ifi.dbs.elki.math.spacefillingcurves.SpatialSorter

Known implementations:

Parameter for:

-rtree.insert-directory <class>

Insertion strategy for directory nodes.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.InsertionStrategy

Default: de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.LeastEnlargementWithAreaInsertionStrategy

Known implementations:

Parameter for:

-rtree.insert-leaf <class>

Insertion strategy for leaf nodes.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.InsertionStrategy

Default: de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.LeastOverlapInsertionStrategy

Known implementations:

Parameter for:

-rtree.insertion-candidates <int>

defines how many children are tested for finding the child generating the least overlap when inserting an object.

Default: 32

Parameter for:

-rtree.insertionstrategy <class|object>

The strategy to use for object insertion.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.InsertionStrategy

Default: de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.insert.CombinedInsertionStrategy

Known implementations:

Parameter for:

-rtree.minimum-fill <double>

Minimum relative fill required for data pages.

Default: 0.4

Parameter for:

-rtree.overflowtreatment <class|object>

The strategy to use for handling overflows.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.overflow.OverflowTreatment

Default: de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.overflow.LimitedReinsertOverflowTreatment

Known implementations:

Parameter for:

-rtree.splitstrategy <class|object>

The strategy to use for node splitting.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.split.SplitStrategy

Default: de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.split.TopologicalSplitter

Known implementations:

Parameter for:

-sample.n <int>

The number of samples to draw.

Parameter for:

-scales.minmax <double_1,...,double_n>

Forcibly set the scales to the given range.

Parameter for:

-scaling.gamma <double>

Gamma value for scaling.

Parameter for:

-selectionrange.nofill <|true|false>

Use wireframe style for selection ranges.

Default: false

Parameter for:

-sharedNearestNeighbors <int>

number of nearest neighbors to consider (at least 1)

Parameter for:

-similarityfunction.preprocessor <class|object>

Preprocessor to use.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.preprocessed.snn.SharedNearestNeighborIndex$Factory

Default: de.lmu.ifi.dbs.elki.index.preprocessed.snn.SharedNearestNeighborPreprocessor.Factory

Known implementations:

Parameter for:

-snn.epsilon <distance>

The minimum SNN density.

Parameter for:

-snn.minpts <int>

Threshold for minimum number of points in the epsilon-SNN-neighborhood of a point.

Parameter for:

-SNNDistanceFunction <class|object>

the distance function to asses the nearest neighbors

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.DistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.minkowski.EuclideanDistanceFunction

Known implementations:

Parameter for:

-sod.alpha <double>

The multiplier for the discriminance value for discerning small from large variances.

Default: 1.1

Parameter for:

-sod.knn <int>

The number of most snn-similar objects to use as reference set for learning the subspace properties.

Parameter for:

-sod.models <|true|false>

Report the models computed by SOD (default: report only scores).

Default: false

Parameter for:

-sod.similarity <class|object>

The similarity function used for the neighborhood set.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.similarityfunction.SimilarityFunction

Default: de.lmu.ifi.dbs.elki.distance.similarityfunction.SharedNearestNeighborSimilarityFunction

Known implementations:

Parameter for:

-spatial.bulkstrategy <class|object>

The class to perform the bulk split with.

Class Restriction: implements de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.strategies.bulk.BulkSplit

Known implementations:

Parameter for:

-sqrtscale.max <double>

Fixed maximum to use in sqrt scaling.

Parameter for:

-sqrtscale.min <double>

Fixed minimum to use in sqrt scaling.

Parameter for:

-sqrtstddevscale.lambda <double>

Significance level to use for error function.

Default: 3.0

Parameter for:

-sqrtstddevscale.mean <double>

Fixed mean to use in standard deviation scaling.

Parameter for:

-sqrtstddevscale.min <double>

Fixed minimum to use in sqrt scaling.

Parameter for:

-star.nocenter <|true|false>

Do not use the center as extra reference point.

Default: false

Parameter for:

-star.scale <double>

Scale the reference points by the given factor. This can be used to obtain reference points outside the used data space.

Default: 1.0

Parameter for:

-stddevout.k <int>

Number of neighbors to get for stddev based outlier detection.

Parameter for:

-stddevscale.lambda <double>

Significance level to use for error function.

Default: 3.0

Parameter for:

-stddevscale.mean <double>

Fixed mean to use in standard deviation scaling.

Parameter for:

-string.comment <pattern>

Ignore lines in the input file that satisfy this pattern.

Default: ^\s*(#|//|;).*$

Parameter for:

-string.trim <|true|false>

Remove leading and trailing whitespace from each line.

Default: false

Parameter for:

-subclu.distancefunction <class|object>

Distance function to determine the distance between database objects.

Class Restriction: implements de.lmu.ifi.dbs.elki.distance.distancefunction.subspace.DimensionSelectingSubspaceDistanceFunction

Default: de.lmu.ifi.dbs.elki.distance.distancefunction.subspace.SubspaceEuclideanDistanceFunction

Known implementations:

Parameter for:

-subclu.epsilon <distance>

The maximum radius of the neighborhood to be considered.

Parameter for:

-subclu.minpts <int>

Threshold for minimum number of points in the epsilon-neighborhood of a point.

Parameter for:

-tf.normalize <|true|false>

Normalize vectors to manhattan length 1 (convert term counts to term frequencies)

Default: false

Parameter for:

-time <|true|false>

Enable logging of runtime data. Do not combine with more verbose logging, since verbose logging can significantly impact performance.

Default: false

Parameter for:

-tma.p <double>

the percentile parameter

Parameter for:

-tooltip.digits <int>

Number of digits to show (e.g. when visualizing outlier scores)

Default: 4

Parameter for:

-topk.binary <|true|false>

Make the top k a binary scaling.

Default: false

Parameter for:

-topk.k <int>

Number of outliers to keep.

Parameter for:

-vafile.partitions <int>

Number of partitions to use in each dimension.

Parameter for:

-vafile.partitions <int>

Number of partitions to use in each dimension.

Parameter for:

-validateknn.force-linear <|true|false>

Force the use of linear scanning as reference.

Default: false

Parameter for:

-validateknn.k <int>

Number of neighbors to retreive for kNN benchmarking.

Parameter for:

-validateknn.pattern <pattern>

Pattern to select query points.

Parameter for:

-validateknn.query <class|object>

Data source for the queries. If not set, the queries are taken from the database.

Class Restriction: implements de.lmu.ifi.dbs.elki.datasource.DatabaseConnection

Known implementations:

Parameter for:

-validateknn.random <long|Random>

Random generator for sampling.

Default: de.lmu.ifi.dbs.elki.utilities.RandomFactory@53c00f5e

Parameter for:

-validateknn.sampling <double>

Sampling size parameter. If the value is less or equal 1, it is assumed to be the relative share. Larger values will be interpreted as integer sizes. By default, all data will be used.

Parameter for:

-verbose <|true|false>

Enable verbose messages.

Default: false

Parameter for:

-vis.enable <pattern>

Visualizers to enable by default.

Default: ^\Qde.lmu.ifi.dbs.elki.visualization\E\..*

Parameter for:

-vis.maxdim <int>

Maximum number of dimensions to display.

Default: 10

Parameter for:

-vis.output <file>

The output folder.

Parameter for:

-vis.ratio <double>

The width/heigh ratio of the output.

Default: 1.33

Parameter for:

-vis.sampling <int>

Maximum number of objects to visualize by default (for performance reasons).

Default: 10000

Parameter for:

-vis.window.single <|true|false>

Embed visualizers in a single window, not using thumbnails and detail views.

Default: false

Parameter for:

-vis.window.title <string>

Title to use for visualization window.

Parameter for:

-visualizer.stylesheet <string>

Style properties file to use, included properties: classic, default, greyscale, neon, presentation, print

Default: default

Parameter for:

-voronoi.mode <VORONOI | DELAUNAY | V_AND_D>

Mode for drawing the voronoi cells (and/or delaunay triangulation)

Default: VORONOI

Parameter for: