Uses of Class
elki.utilities.optionhandling.OptionID
-
Packages that use OptionID Package Description elki ELKI framework "Environment for Developing KDD-Applications Supported by Index-Structures".elki.algorithm Miscellaneous algorithms.elki.algorithm.statistics Statistical analysis algorithms.elki.application Base classes for standalone applications.elki.application.benchmark Benchmarking pseudo algorithms.elki.application.cache Utility applications for the persistence layer such as distance cache builders.elki.application.experiments Packaged experiments to make them easy to reproduce.elki.application.greedyensemble Greedy ensembles for outlier detection.elki.application.statistics Applications to compute some basic data set statistics.elki.classification Classification algorithms.elki.clustering Clustering algorithms.elki.clustering.affinitypropagation Affinity Propagation (AP) clustering.elki.clustering.biclustering Biclustering algorithms.elki.clustering.correlation Correlation clustering algorithms.elki.clustering.dbscan DBSCAN and its generalizations.elki.clustering.dbscan.parallel Parallel versions of Generalized DBSCAN.elki.clustering.dbscan.predicates Neighbor and core predicated for Generalized DBSCAN.elki.clustering.em Expectation-Maximization clustering algorithm for Gaussian Mixture Modeling (GMM).elki.clustering.em.models elki.clustering.hierarchical Hierarchical agglomerative clustering (HAC).elki.clustering.hierarchical.birch BIRCH clustering.elki.clustering.hierarchical.extraction Extraction of partitional clusterings from hierarchical results.elki.clustering.hierarchical.linkage Linkages for hierarchical clustering.elki.clustering.kcenter K-center clustering.elki.clustering.kmeans K-means clustering and variations.elki.clustering.kmeans.initialization Initialization strategies for k-means.elki.clustering.kmeans.initialization.betula Initialization methods for BIRCH-based k-means and EM clustering.elki.clustering.kmedoids K-medoids clustering (PAM).elki.clustering.kmedoids.initialization elki.clustering.meta Meta clustering algorithms, that get their result from other clusterings or external sources.elki.clustering.onedimensional Clustering algorithms for one-dimensional data.elki.clustering.optics OPTICS family of clustering algorithms.elki.clustering.subspace Axis-parallel subspace clustering algorithms.elki.clustering.svm elki.clustering.trivial Trivial clustering algorithms: all in one, no clusters, label clusterings.elki.clustering.uncertain Clustering algorithms for uncertain data.elki.data.projection Data projections.elki.data.projection.random Random projection families.elki.data.uncertain.uncertainifier Classes to generate uncertain objects from existing certain data.elki.database ELKI database layer - loading, storing, indexing and accessing data.elki.datasource Data normalization (and reconstitution) of data sets.elki.datasource.filter Data filtering, in particular for normalization and projection.elki.datasource.filter.cleaning Filters for data cleaning.elki.datasource.filter.normalization.columnwise Normalizations operating on columns / variates; where each column is treated independently.elki.datasource.filter.normalization.instancewise Instancewise normalization, where each instance is normalized independently.elki.datasource.filter.selection Filters for selecting and sorting data to process.elki.datasource.filter.transform Data space transformations.elki.datasource.filter.typeconversions Filters to perform data type conversions.elki.datasource.parser Parsers for different file formats and data types.elki.distance Distance functions for use within ELKI.elki.distance.adapter Distance functions deriving distances from, e.g., similarity measures.elki.distance.colorhistogram Distance functions for color histograms.elki.distance.external Distance functions using external data sources.elki.distance.geo Geographic (earth) distance functions.elki.distance.minkowski Minkowski space Lp norms such as the popular Euclidean and Manhattan distances.elki.distance.subspace Distance functions based on subspaces.elki.distance.timeseries Distance functions designed for time series.elki.evaluation.classification.holdout Holdout and cross-validation strategies for evaluating classifiers.elki.evaluation.clustering Evaluation of clustering results.elki.evaluation.clustering.internal Internal evaluation measures for clusterings.elki.evaluation.outlier Evaluate an outlier score using a misclassification based cost model.elki.evaluation.scores Evaluation of rankings and scorings.elki.evaluation.similaritymatrix Render a distance matrix to visualize a clustering-distance-combination.elki.gui.util Utility classes for GUIs (e.g., a class to display a logging panel).elki.index Index structure implementations.elki.index.distancematrix Precomputed distance matrix.elki.index.idistance iDistance is a distance based indexing technique, using a reference points embedding.elki.index.laesa Linear Approximating and Eliminating Search Algorithm (LAESA).elki.index.lsh Locality Sensitive Hashing.elki.index.lsh.hashfamilies Hash function families for LSH.elki.index.preprocessed.fastoptics Preprocessed index used by the FastOPTICS algorithm.elki.index.preprocessed.knn Indexes providing KNN and rKNN data.elki.index.preprocessed.snn Indexes providing nearest neighbor sets.elki.index.projected Projected indexes for data.elki.index.tree.betula BETULA clustering by aggregating the data into cluster features.elki.index.tree.metrical.covertree Cover-tree variations.elki.index.tree.metrical.mtreevariants M-tree and variants.elki.index.tree.metrical.mtreevariants.mktrees Metrical index structures based on the concepts of the M-Tree supporting processing of reverse k nearest neighbor queries by using the k-nn distances of the entries.elki.index.tree.metrical.mtreevariants.mktrees.mkapp elki.index.tree.metrical.mtreevariants.mktrees.mkcop elki.index.tree.metrical.mtreevariants.strategies.split Splitting strategies of nodes in an M-tree (and variants).elki.index.tree.metrical.vptree elki.index.tree.spatial.kd K-d-tree and variants.elki.index.tree.spatial.rstarvariants R*-tree and variants.elki.index.tree.spatial.rstarvariants.rdknn elki.index.tree.spatial.rstarvariants.strategies.bulk Packages for bulk-loading R*-trees.elki.index.tree.spatial.rstarvariants.strategies.insert Insertion strategies for R-trees.elki.index.tree.spatial.rstarvariants.strategies.overflow Overflow treatment strategies for R-trees.elki.index.tree.spatial.rstarvariants.strategies.reinsert Reinsertion strategies for R-trees.elki.index.vafile Vector Approximation File.elki.itemsetmining Algorithms for frequent itemset mining such as APRIORI.elki.itemsetmining.associationrules Association rule mining.elki.math.geodesy Functions for computing on the sphere / earth.elki.math.linearalgebra.pca Principal Component Analysis (PCA) and eigenvector processing.elki.math.linearalgebra.pca.filter Filter eigenvectors based on their eigenvalues.elki.math.statistics.dependence Statistical measures of dependence, such as correlation.elki.math.statistics.distribution Standard distributions, with random generation functionalities.elki.math.statistics.distribution.estimator.meta Meta estimators: estimators that do not actually estimate themselves, but instead use other estimators, e.g., on a trimmed data set, or as an ensemble.elki.math.statistics.intrinsicdimensionality Methods for estimating the intrinsic dimensionality.elki.outlier Outlier detection algorithms.elki.outlier.anglebased Angle-based outlier detection algorithms.elki.outlier.clustering Clustering based outlier detection.elki.outlier.density Density-based outlier detection algorithms.elki.outlier.distance Distance-based outlier detection algorithms, such as DBOutlier and kNN.elki.outlier.intrinsic Outlier detection algorithms based on intrinsic dimensionality.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.meta Meta outlier detection algorithms: external scores, score rescaling.elki.outlier.spatial Spatial outlier detection algorithms.elki.outlier.spatial.neighborhood Spatial outlier neighborhood classes.elki.outlier.spatial.neighborhood.weighted Weighted neighborhood definitions.elki.outlier.subspace Subspace outlier detection methods.elki.outlier.svm Support-Vector-Machines for outlier detection.elki.outlier.trivial Trivial outlier detection algorithms: no outliers, all outliers, label outliers.elki.persistent Persistent data management.elki.projection Data projections (see also preprocessing filters for basic projections).elki.result Result types, representation and handling.elki.similarity Similarity functions.elki.similarity.kernel Kernel functions.elki.timeseries Algorithms for change point detection in time series.elki.utilities Utility and helper classes - commonly used data structures, output formatting, exceptions, ...elki.utilities.ensemble Utility classes for simple ensembles.elki.utilities.optionhandling Parameter handling and option descriptions.elki.utilities.optionhandling.parameterization Configuration managers.elki.utilities.optionhandling.parameters Classes for various typed parameters.elki.utilities.referencepoints Package containing strategies to obtain reference points.elki.utilities.scaling Scaling functions: linear, logarithmic, gamma, clipping, ...elki.utilities.scaling.outlier Scaling of outlier scores, that require a statistical analysis of the occurring values.elki.visualization Visualization package of ELKI.elki.visualization.parallel3d 3DPC: 3D parallel coordinate plot visualization for ELKI.elki.visualization.parallel3d.layout Layouting algorithms for 3D parallel coordinate plots.elki.visualization.projector Projectors are responsible for finding appropriate projections for data relations.elki.visualization.visualizers.histogram Visualizers based on 1D projected histograms.elki.visualization.visualizers.parallel.cluster Visualizers for clustering results based on parallel coordinates.elki.visualization.visualizers.scatterplot Visualizers based on scatterplots.elki.visualization.visualizers.scatterplot.cluster Visualizers for clustering results based on 2D projections.elki.visualization.visualizers.scatterplot.index Visualizers for index structures based on 2D projections.elki.visualization.visualizers.scatterplot.outlier Visualizers for outlier scores based on 2D projections.elki.visualization.visualizers.scatterplot.selection Visualizers for object selection based on 2D projections.elki.visualization.visualizers.visunproj Visualizers that do not use a particular projection.elki.workflow Work flow packages, e.g., following the usual KDD model.tutorial.clustering Classes from the tutorial on implementing a custom k-means variation.tutorial.distancefunction Classes from the tutorial on implementing distance functions.tutorial.outlier Tutorials on implementing outlier detection methods in ELKI. -
-
Uses of OptionID in elki
Fields in elki declared as OptionID Modifier and Type Field Description static OptionIDAlgorithm.Utils. ALGORITHM_IDParameter to specify the algorithm to run.static OptionIDAlgorithm.Utils. DISTANCE_FUNCTION_IDOptionID for the distance function. -
Uses of OptionID in elki.algorithm
Fields in elki.algorithm declared as OptionID Modifier and Type Field Description static OptionIDDependencyDerivator.Par. DEPENDENCY_DERIVATOR_RANDOM_SAMPLE_IDFlag to use random sample (use knn query around centroid, if flag is not set).static OptionIDKNNDistancesSampler.Par. K_IDParameter to specify the distance of the k-distant object to be assessed, must be an integer greater than 0.static OptionIDKNNJoin.Par. K_IDParameter that specifies the k-nearest neighbors to be assigned, must be an integer greater than 0.static OptionIDDependencyDerivator.Par. OUTPUT_ACCURACY_IDParameter to specify the threshold for output accuracy fraction digits, must be an integer equal to or greater than 0.static OptionIDDependencyDerivator.Par. SAMPLE_SIZE_IDOptional parameter to specify the threshold for the size of the random sample to use, must be an integer greater than 0.static OptionIDKNNDistancesSampler.Par. SAMPLING_IDParameter to specify the average percentage of distances randomly chosen to be provided in the result, must be a double greater than 0 and less than or equal to 1.static OptionIDKNNDistancesSampler.Par. SEED_IDRandom generator seed for distances. -
Uses of OptionID in elki.algorithm.statistics
Fields in elki.algorithm.statistics declared as OptionID Modifier and Type Field Description static OptionIDDistanceStatisticsWithClasses.Par. EXACT_IDFlag to compute exact value range for binning.static OptionIDDistanceStatisticsWithClasses.Par. HISTOGRAM_BINS_IDOption to configure the number of bins to use.static OptionIDEvaluateRankingQuality.Par. HISTOGRAM_BINS_IDOption to configure the number of bins to use.static OptionIDRankingQualityHistogram.Par. HISTOGRAM_BINS_IDOption to configure the number of bins to use.static OptionIDAveragePrecisionAtK.Par. INCLUDESELF_IDParameter to include the query object.static OptionIDEvaluateRetrievalPerformance.Par. INCLUDESELF_IDParameter to include the query object.private static OptionIDAveragePrecisionAtK.Par. K_IDParameter k to compute the average precision at.static OptionIDHopkinsStatisticClusteringTendency.Par. K_IDParameter for k.static OptionIDHopkinsStatisticClusteringTendency.Par. MAXIMA_IDParameter for maximum.static OptionIDEvaluateRetrievalPerformance.Par. MAXK_IDParameter for maximum value of k.static OptionIDHopkinsStatisticClusteringTendency.Par. MINIMA_IDParameter for minimum.static OptionIDAddSingleScale.Par. MINMAX_IDMinimum and maximum values.static OptionIDDistanceQuantileSampler.Par. NOZEROS_IDFlag to ignore zero distances (recommended with many duplicates).static OptionIDDistanceQuantileSampler.Par. QUANTILE_IDQuantile to compute.static OptionIDHopkinsStatisticClusteringTendency.Par. REP_IDParameter to specify the number of repetitions of computing the hopkins value.static OptionIDHopkinsStatisticClusteringTendency.Par. SAMPLESIZE_IDSample size.static OptionIDAveragePrecisionAtK.Par. SAMPLING_IDParameter to enable sampling.static OptionIDDistanceQuantileSampler.Par. SAMPLING_IDSampling rate.static OptionIDDistanceStatisticsWithClasses.Par. SAMPLING_IDFlag to enable sampling.static OptionIDEvaluateRetrievalPerformance.Par. SAMPLING_IDParameter to enable sampling.static OptionIDAveragePrecisionAtK.Par. SEED_IDParameter to control the sampling random seed.static OptionIDDistanceQuantileSampler.Par. SEED_IDRandom generator seed.static OptionIDEvaluateRetrievalPerformance.Par. SEED_IDParameter to control the sampling random seed.static OptionIDHopkinsStatisticClusteringTendency.Par. SEED_IDParameter to specify the random generator seed. -
Uses of OptionID in elki.application
Fields in elki.application declared as OptionID Modifier and Type Field Description static OptionIDConvertToBundleApplication.Par. DATABASE_CONNECTION_IDOption to specify the data source for the database.static OptionIDAbstractApplication.Par. DATABASE_IDOption ID to specify the database typestatic OptionIDAbstractApplication.Par. DEBUG_IDOptional Parameter to specify a class to enable debugging for.static OptionIDAbstractApplication.Par. DESCRIPTION_IDOptional Parameter to specify a class to obtain a description for.static OptionIDAbstractApplication.Par. HELP_IDFlag to obtain help-message.static OptionIDAbstractApplication.Par. HELP_LONG_IDFlag to obtain help-message.static OptionIDClassifierHoldoutEvaluationTask.Par. HOLDOUT_IDParameter to specify the holdout for evaluation, must extendHoldout.static OptionIDAbstractApplication.Par. INPUT_IDParameter that specifies the name of the input file.static OptionIDAbstractApplication.Par. OUTPUT_IDParameter that specifies the name of the output file.static OptionIDAbstractApplication.Par. VERBOSE_IDFlag to allow verbose messages while running the application. -
Uses of OptionID in elki.application.benchmark
Fields in elki.application.benchmark declared as OptionID Modifier and Type Field Description static OptionIDValidateApproximativeKNNIndex.Par. FORCE_IDForce linear scanning.static OptionIDKNNBenchmark.Par. K_IDParameter for the number of neighbors.static OptionIDPrioritySearchBenchmark.Par. K_IDParameter for the number of neighbors.static OptionIDValidateApproximativeKNNIndex.Par. K_IDParameter for the number of neighbors.static OptionIDValidateApproximativeKNNIndex.Par. PATTERN_IDParameter to select query points.static OptionIDKNNBenchmark.Par. QUERY_IDParameter for the query dataset.static OptionIDPrioritySearchBenchmark.Par. QUERY_IDParameter for the query dataset.static OptionIDRangeQueryBenchmark.Par. QUERY_IDParameter for the query data set.static OptionIDValidateApproximativeKNNIndex.Par. QUERY_IDParameter for the query dataset.static OptionIDRangeQueryBenchmark.Par. RADIUS_IDParameter for the query radiusstatic OptionIDKNNBenchmark.Par. RANDOM_IDParameter for the random generatorstatic OptionIDPrioritySearchBenchmark.Par. RANDOM_IDParameter for the random generatorstatic OptionIDRangeQueryBenchmark.Par. RANDOM_IDParameter for the random generatorstatic OptionIDValidateApproximativeKNNIndex.Par. RANDOM_IDParameter for the random generator.static OptionIDKNNBenchmark.Par. SAMPLING_IDParameter for the sampling size.static OptionIDPrioritySearchBenchmark.Par. SAMPLING_IDParameter for the sampling size.static OptionIDRangeQueryBenchmark.Par. SAMPLING_IDParameter for the sampling size.static OptionIDValidateApproximativeKNNIndex.Par. SAMPLING_IDParameter for the sampling size. -
Uses of OptionID in elki.application.cache
Fields in elki.application.cache declared as OptionID Modifier and Type Field Description static OptionIDCacheDoubleDistanceInOnDiskMatrix.Par. CACHE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceKNNLists.Par. CACHE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceRangeQueries.Par. CACHE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceInOnDiskMatrix.Par. DISTANCE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceKNNLists.Par. DISTANCE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceRangeQueries.Par. DISTANCE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDPrecomputeDistancesAsciiApplication.Par. DISTANCE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDCacheDoubleDistanceKNNLists.Par. K_IDParameter that specifies the number of neighbors to precompute.static OptionIDCacheDoubleDistanceRangeQueries.Par. RADIUS_IDParameter that specifies the query radius to precompute. -
Uses of OptionID in elki.application.experiments
Fields in elki.application.experiments declared as OptionID Modifier and Type Field Description static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. AGGREGATE_IDAggregation method.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. DIM_IDDimensionality.static OptionIDORLibBenchmark.Par. FILE_IDParameter that specifies the name of the directory to be re-parsed.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. FORMAT_IDOutput format.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. MAXK_IDFinal neighborhood size.static OptionIDVisualizeGeodesicDistances.Par. MODE_IDVisualization mode.static OptionIDVisualizeGeodesicDistances.Par. RESOLUTION_IDImage resolution.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. SAMPLE_IDSamples size.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. SEED_IDRandom seed.static OptionIDORLibBenchmark.Par. SHUFFLE_IDRandom seed for shuffling.static OptionIDEvaluateIntrinsicDimensionalityEstimators.Par. STARTK_IDInitial neighborhood size.static OptionIDVisualizeGeodesicDistances.Par. STEPS_IDNumber of steps in the distance map. -
Uses of OptionID in elki.application.greedyensemble
Fields in elki.application.greedyensemble declared as OptionID Modifier and Type Field Description static OptionIDComputeKNNOutlierScores.Par. DISABLE_IDOption ID for disabling methods.static OptionIDGreedyEnsembleExperiment.Par. DISTANCE_IDSimilarity measurestatic OptionIDComputeKNNOutlierScores.Par. KRANGE_IDOption ID for k parameter rangestatic OptionIDComputeKNNOutlierScores.Par. KSQUARE_IDOption ID with an additional bound on k.static OptionIDEvaluatePrecomputedOutlierScores.Par. NAME_IDRow name.static OptionIDEvaluatePrecomputedOutlierScores.Par. PARSER_IDInput parser.static OptionIDGreedyEnsembleExperiment.Par. PRESCALING_IDScaling to apply to input scores.static OptionIDGreedyEnsembleExperiment.Par. RATE_IDExpected rate of outliersstatic OptionIDEvaluatePrecomputedOutlierScores.Par. REVERSED_IDPattern for reversed methods.static OptionIDComputeKNNOutlierScores.Par. SCALING_IDOption ID for scaling class.static OptionIDGreedyEnsembleExperiment.Par. SCALING_IDScaling to apply to ensemble scores.static OptionIDComputeKNNOutlierScores.Par. TIMELIMIT_IDOption ID to limit the maximum time for an iterationstatic OptionIDGreedyEnsembleExperiment.Par. VOTING_IDEnsemble voting function. -
Uses of OptionID in elki.application.statistics
Fields in elki.application.statistics declared as OptionID Modifier and Type Field Description static OptionIDEstimateIntrinsicDimensionality.Par. ESTIMATOR_IDEstimation methodstatic OptionIDEstimateIntrinsicDimensionality.Par. KRATE_IDNumber of kNN to use for each object.static OptionIDRangeQuerySelectivity.Par. RADIUS_IDParameter to specify the query radius.static OptionIDEstimateIntrinsicDimensionality.Par. SAMPLES_IDNumber of samples to draw from the data set.static OptionIDRangeQuerySelectivity.Par. SAMPLING_IDParameter to enable sampling.static OptionIDRangeQuerySelectivity.Par. SEED_IDParameter to control the sampling random seed. -
Uses of OptionID in elki.classification
Fields in elki.classification declared as OptionID Modifier and Type Field Description static OptionIDKNNClassifier.Par. K_IDParameter to specify the number of neighbors to take into account for classification, must be an integer greater than 0. -
Uses of OptionID in elki.clustering
Fields in elki.clustering declared as OptionID Modifier and Type Field Description static OptionIDCFSFDP.Par. DC_IDDistance cutoff parameter.static OptionIDSNNClustering.Par. EPSILON_IDParameter to specify the minimum SNN density, must be an integer greater than 0.static OptionIDAbstractProjectedClustering.Par. K_I_IDParameter to specify the multiplier for the initial number of seeds, must be an integer greater than 0.static OptionIDAbstractProjectedClustering.Par. K_IDParameter to specify the number of clusters to find, must be an integer greater than 0.static OptionIDCFSFDP.Par. K_IDNumber of clusters parameterstatic OptionIDNaiveMeanShiftClustering.Par. KERNEL_IDParameter for kernel function.static OptionIDAbstractProjectedClustering.Par. L_IDParameter to specify the dimensionality of the clusters to find, must be an integer greater than 0.static OptionIDSNNClustering.Par. MINPTS_IDParameter to specify the threshold for minimum number of points in the epsilon-SNN-neighborhood of a point, must be an integer greater than 0.static OptionIDNaiveMeanShiftClustering.Par. RANGE_IDParameter for kernel radius/range/bandwidth.static OptionIDBetulaLeafPreClustering.Par. STORE_IDS_IDOption to store ids rather than reassigning.static OptionIDCanopyPreClustering.Par. T1_IDParameter for the inclusion threshold of canopy clustering.static OptionIDCanopyPreClustering.Par. T2_IDParameter for the removal threshold of canopy clustering.static OptionIDLeader.Par. THRESHOLD_IDOption ID of threshold parameter. -
Uses of OptionID in elki.clustering.affinitypropagation
Fields in elki.clustering.affinitypropagation declared as OptionID Modifier and Type Field Description static OptionIDAffinityPropagation.Par. CONVERGENCE_IDParameter for the convergence factor.static OptionIDDistanceBasedInitializationWithMedian.Par. DISTANCE_IDParameter for the distance function.static OptionIDAffinityPropagation.Par. INITIALIZATION_IDParameter for the similarity matrix initializationstatic OptionIDAffinityPropagation.Par. LAMBDA_IDParameter for the dampening factor.static OptionIDAffinityPropagation.Par. MAXITER_IDParameter for the convergence factor.static OptionIDAffinityPropagationInitialization. QUANTILE_IDQuantile to use for the diagonal entries.static OptionIDSimilarityBasedInitializationWithMedian.Par. SIMILARITY_IDParameter for the similarity function. -
Uses of OptionID in elki.clustering.biclustering
Fields in elki.clustering.biclustering declared as OptionID Modifier and Type Field Description static OptionIDChengAndChurch.Par. ALPHA_IDParameter for multiple node deletion to accelerate the algorithm.static OptionIDChengAndChurch.Par. DELTA_IDThreshold value to determine the maximal acceptable score (mean squared residue) of a bicluster.static OptionIDChengAndChurch.Par. DIST_IDParameter to specify the distribution of replacement values when masking a cluster.static OptionIDChengAndChurch.Par. N_IDNumber of biclusters to be found.static OptionIDChengAndChurch.Par. RANDOM_IDRandom source / seed / generator. -
Uses of OptionID in elki.clustering.correlation
Fields in elki.clustering.correlation declared as OptionID Modifier and Type Field Description static OptionIDCASH.Par. ADJUST_IDFlag to indicate that an adjustment of the applied heuristic for choosing an interval is performed after an interval is selected.static OptionIDHiCO.Par. ALPHA_IDThe threshold for 'strong' eigenvectors: the 'strong' eigenvectors explain a portion of at least alpha of the total variance.static OptionIDORCLUS.Par. ALPHA_IDParameter to specify the factor for reducing the number of current clusters in each iteration, must be an integer greater than 0 and less than 1.static OptionIDERiC.Par. DELTA_IDParameter to specify the 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 strong eigenvectors q_i of q (lambda_q < lambda_p): q_i' * M^check_p * q_i <= delta^2, must be a double equal to or greater than 0.static OptionIDHiCO.Par. DELTA_IDParameter to specify the threshold of a distance between a vector q and a given space that indicates that q adds a new dimension to the space, must be a double equal to or greater than 0.static OptionIDCASH.Par. JITTER_IDParameter to specify the maximum jitter for distance values, must be a double greater than 0.static OptionIDCOPAC.Par. K_IDSize for the kNN neighborhood used in the PCA step of COPAC.static OptionIDERiC.Par. K_IDSize for the kNN neighborhood used in the PCA step of ERiC.static OptionIDHiCO.Par. K_IDOptional parameter to specify the number of nearest neighbors considered in the PCA, must be an integer greater than 0.static OptionIDFourC.Settings.Par. KAPPA_IDParameter Kappa: penalty for deviations in preferred dimensions.static OptionIDFourC.Settings.Par. LAMBDA_IDParameter Lambda: maximum dimensionality allowed.static OptionIDLMCLUS.Par. MAXDIM_IDParameter with the maximum dimension to search forstatic OptionIDCASH.Par. MAXLEVEL_IDParameter to specify the maximum level for splitting the hypercube, must be an integer greater than 0.static OptionIDCASH.Par. MINDIM_IDParameter to specify the minimum dimensionality of the subspaces to be found, must be an integer greater than 0.static OptionIDCASH.Par. MINPTS_IDParameter to specify the threshold for minimum number of points in a cluster, must be an integer greater than 0.static OptionIDLMCLUS.Par. MINSIZE_IDParameter for the minimum cluster sizestatic OptionIDHiCO.Par. MU_IDParameter to specify the smoothing factor, must be an integer greater than 0.static OptionIDLMCLUS.Par. RANDOM_IDRandom seedingstatic OptionIDLMCLUS.Par. SAMPLINGL_IDSampling intensity levelstatic OptionIDORCLUS.Par. SEED_IDParameter to specify the random generator seed.static OptionIDERiC.Par. TAU_IDParameter to specify the 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, must be a double equal to or greater than 0.static OptionIDLMCLUS.Par. THRESHOLD_IDGlobal significance threshold -
Uses of OptionID in elki.clustering.dbscan
Fields in elki.clustering.dbscan declared as OptionID Modifier and Type Field Description static OptionIDLSDBC.Par. ALPHA_IDParameter for the maximum density difference.static OptionIDGeneralizedDBSCAN.Par. COREMODEL_IDFlag to keep track of core points.static OptionIDGeneralizedDBSCAN.Par. COREPRED_IDParameter for core predicate.static OptionIDDBSCAN.Par. EPSILON_IDParameter to specify the maximum radius of the neighborhood to be considered, must be suitable to the distance function specified.static OptionIDGriDBSCAN.Par. GRID_IDParameter to control the grid width.static OptionIDLSDBC.Par. K_IDParameter for neighborhood size.static OptionIDDBSCAN.Par. MINPTS_IDParameter to specify the threshold for minimum number of points in the epsilon-neighborhood of a point, must be an integer greater than 0.static OptionIDGeneralizedDBSCAN.Par. NEIGHBORHOODPRED_IDParameter for neighborhood predicate. -
Uses of OptionID in elki.clustering.dbscan.parallel
Fields in elki.clustering.dbscan.parallel declared as OptionID Modifier and Type Field Description static OptionIDParallelGeneralizedDBSCAN.Par. COREMODEL_IDFlag to keep track of core points.static OptionIDParallelGeneralizedDBSCAN.Par. COREPRED_IDParameter for core predicate.static OptionIDParallelGeneralizedDBSCAN.Par. NEIGHBORHOODPRED_IDParameter for neighborhood predicate. -
Uses of OptionID in elki.clustering.dbscan.predicates
Fields in elki.clustering.dbscan.predicates declared as OptionID Modifier and Type Field Description static OptionIDSimilarityNeighborPredicate.Par. EPSILON_IDSimilarity thresholdstatic OptionIDSimilarityNeighborPredicate.Par. SIMILARITY_FUNCTION_IDSimilarity function parameter. -
Uses of OptionID in elki.clustering.em
Fields in elki.clustering.em declared as OptionID Modifier and Type Field Description static OptionIDBetulaGMM.Par. DELTA_IDParameter to specify the termination criterion for maximization of E(M): E(M) - E(M') < em.delta, must be a double equal to or greater than 0.static OptionIDEM.Par. DELTA_IDParameter to specify the termination criterion for maximization of E(M): E(M) - E(M') < em.delta, must be a double equal to or greater than 0.static OptionIDKDTreeEM.Par. DELTA_IDParameter to specify the termination criterion for maximization of E(M): E(M) - E(M') < em.delta, must be a double equal to or greater than 0.static OptionIDKDTreeEM.Par. EXACT_ASSIGN_IDParameter to produce more precise final assignmentsstatic OptionIDBetulaGMM.Par. INIT_IDParameter to specify the EM cluster models to use.static OptionIDEM.Par. K_IDParameter to specify the number of clusters to find.static OptionIDKDTreeEM.Par. K_IDParameter to specify the number of clusters to find.static OptionIDEM.Par. MAXITER_IDParameter to specify the maximum number of iterations.static OptionIDKDTreeEM.Par. MAXITER_IDParameter to specify a maximum number of iterationsstatic OptionIDKDTreeEM.Par. MBW_IDParameter to specify the termination criterion for kd-tree construction.static OptionIDEM.Par. MINITER_IDParameter to specify a minimum number of iterations.static OptionIDKDTreeEM.Par. MINITER_IDParameter to specify a minimum number of iterationsstatic OptionIDEM.Par. MODEL_IDParameter to specify the EM cluster models to use.static OptionIDBetulaGMM.Par. PRIOR_IDParameter to specify the MAP priorstatic OptionIDEM.Par. PRIOR_IDParameter to specify the MAP priorstatic OptionIDEM.Par. SOFT_IDParameter to specify the saving of soft assignmentsstatic OptionIDKDTreeEM.Par. SOFT_IDParameter to specify the saving of soft assignmentsstatic OptionIDKDTreeEM.Par. TAU_CLASS_IDdrop one class if the maximum weight of a class in the bounding box is lower than tauClass * wmin_max, where wmin_max is the maximum minimum weight of all classesstatic OptionIDKDTreeEM.Par. TAU_IDParameter to specify the pruning criterion during the algorithm. -
Uses of OptionID in elki.clustering.em.models
Fields in elki.clustering.em.models declared as OptionID Modifier and Type Field Description static OptionIDBetulaClusterModelFactory. INIT_IDParameter to specify the cluster center initialization.static OptionIDEMClusterModelFactory. INIT_IDParameter to specify the cluster center initialization. -
Uses of OptionID in elki.clustering.hierarchical
Fields in elki.clustering.hierarchical declared as OptionID Modifier and Type Field Description static OptionIDAGNES.Par. LINKAGE_IDOption ID for linkage parameter.static OptionIDLinearMemoryNNChain.Par. LINKAGE_IDLinkage to use.static OptionIDAbstractHDBSCAN.Par. MIN_PTS_IDOption ID for linkage parameter.static OptionIDOPTICSToHierarchical.Par. OPTICS_IDOption ID for the OPTICS algorithm.static OptionIDHACAM.Par. VARIANT_IDVariant of the algorithm to use -
Uses of OptionID in elki.clustering.hierarchical.birch
Fields in elki.clustering.hierarchical.birch declared as OptionID Modifier and Type Field Description static OptionIDCFTree.Factory.Par. ABSORPTION_IDAbsorption parameter.static OptionIDCFTree.Factory.Par. BRANCHING_IDBranching factor.static OptionIDCFTree.Factory.Par. DISTANCE_IDDistance function parameter.static OptionIDCFTree.Factory.Par. MAXLEAVES_IDMaximum number of leaves.static OptionIDCFTree.Factory.Par. THRESHOLD_IDDistance threshold. -
Uses of OptionID in elki.clustering.hierarchical.extraction
Fields in elki.clustering.hierarchical.extraction declared as OptionID Modifier and Type Field Description static OptionIDAbstractCutDendrogram.Par. HIERARCHICAL_IDParameter to configure the output mode (nested or truncated clusters).static OptionIDHDBSCANHierarchyExtraction.Par. HIERARCHICAL_IDProduce a hierarchical result.static OptionIDClustersWithNoiseExtraction.Par. K_IDThe number of clusters to extract.static OptionIDCutDendrogramByNumberOfClusters.Par. MINCLUSTERS_IDThe minimum number of clusters to extract.static OptionIDClustersWithNoiseExtraction.Par. MINCLUSTERSIZE_IDThe minimum size of clusters to extract.static OptionIDHDBSCANHierarchyExtraction.Par. MINCLUSTERSIZE_IDThe minimum size of clusters to extract.static OptionIDSimplifiedHierarchyExtraction.Par. MINCLUSTERSIZE_IDThe minimum size of clusters to extract.static OptionIDAbstractCutDendrogram.Par. NOSIMPLIFY_IDDisable the simplification that puts points into merge clusters.static OptionIDCutDendrogramByHeight.Par. THRESHOLD_IDThe threshold level for which to extract the clustering. -
Uses of OptionID in elki.clustering.hierarchical.linkage
Fields in elki.clustering.hierarchical.linkage declared as OptionID Modifier and Type Field Description static OptionIDFlexibleBetaLinkage.Par. BETA_IDLance-Williams flexible beta parameter. -
Uses of OptionID in elki.clustering.kcenter
Fields in elki.clustering.kcenter declared as OptionID Modifier and Type Field Description static OptionIDGreedyKCenter.Par. K_IDParameter to specify the number of clustersstatic OptionIDGreedyKCenter.Par. RANDOM_IDParameter for the random seed -
Uses of OptionID in elki.clustering.kmeans
Fields in elki.clustering.kmeans declared as OptionID Modifier and Type Field Description static OptionIDGMeans.Par. CRITICAL_IDCritical value for the Anderson-Darling-Teststatic OptionIDFuzzyCMeans.Par. DELTA_IDParameter to specify the termination criterion for maximization of E(M): E(M) - E(M') < fcm.delta, must be a double equal to or greater than 0.static OptionIDKMeans. DISTANCE_FUNCTION_IDOptionID for the distance function.static OptionIDBetulaLloydKMeans.Par. IGNORE_WEIGHT_IDIgnore cluster weights (naive approach)static OptionIDXMeans.Par. INFORMATION_CRITERION_IDQuality measure to use for evaluating splits.static OptionIDFuzzyCMeans.Par. INIT_IDParameter for k-Means init for initial cluster centersstatic OptionIDKMeans. INIT_IDParameter to specify the initialization methodstatic OptionIDXMeans.Par. INNER_KMEANS_IDParameter to specify the kMeans variant.static OptionIDFuzzyCMeans.Par. K_IDParameter to specify the number of clusters to find, must be an integer greater than 0.static OptionIDKMeans. K_IDParameter to specify the number of clusters to find, must be an integer greater than 0.static OptionIDXMeans.Par. K_MIN_IDMinimum number of clusters.static OptionIDBestOfMultipleKMeans.Par. KMEANS_IDParameter to specify the kMeans variant.static OptionIDBisectingKMeans.Par. KMEANS_IDParameter to specify the kMeans variant.static OptionIDKDTreePruningKMeans.Par. LEAFSIZE_IDOption ID for the leaf size.static OptionIDFuzzyCMeans.Par. M_IDParameter to set weight exponentstatic OptionIDKMeans. MAXITER_IDParameter to specify the number of clusters to find, must be an integer greater or equal to 0, where 0 means no limit.static OptionIDFuzzyCMeans.Par. MINITER_IDParameter to specify a minimum number of iterationsstatic OptionIDKMeansMinusMinus.Par. NOISE_FLAG_IDFlag to produce a "noise" cluster, instead of assigning them to the nearest neighbor.static OptionIDBestOfMultipleKMeans.Par. QUALITYMEASURE_IDParameter to specify the variant of quality measure.static OptionIDKMeansMinusMinus.Par. RATE_IDParameter to specify the number of neighbors to ignore.static OptionIDKMeans. SEED_IDParameter to specify the random generator seed.static OptionIDXMeans.Par. SEED_IDRandomization seed.static OptionIDFuzzyCMeans.Par. SOFT_IDParameter to retain soft assignmentsstatic OptionIDKDTreePruningKMeans.Par. SPLIT_IDOption ID for the splitting strategy.static OptionIDBetulaLloydKMeans.Par. STORE_IDS_IDOption to store ids rather than reassigning.static OptionIDYinYangKMeans.Par. T_IDParameter to specify t the number of centroid groups.static OptionIDBestOfMultipleKMeans.Par. TRIALS_IDParameter to specify the iterations of the bisecting step.static OptionIDKMeans. VARSTAT_IDFlag to compute the final clustering variance statistic (for methods that employ bounds to avoid computing all distances). -
Uses of OptionID in elki.clustering.kmeans.initialization
Fields in elki.clustering.kmeans.initialization declared as OptionID Modifier and Type Field Description static OptionIDSphericalAFKMC2.Par. ALPHA_IDAlpha parameter, usually 1.5static OptionIDSphericalKMeansPlusPlus.Par. ALPHA_IDAlpha parameter, usually 1.5static OptionIDPredefined.Par. INITIAL_MEANSOption to specify the initial means to use.static OptionIDFarthestPoints.Par. KEEPFIRST_IDOption ID to control the handling of the first object chosen.static OptionIDSampleKMeans.Par. KMEANS_IDParameter to specify the kMeans variant.static OptionIDKMC2.Par. M_IDParameter m of the AFK-MC² method.static OptionIDSampleKMeans.Par. SAMPLE_IDParameter to specify the sampling rate. -
Uses of OptionID in elki.clustering.kmeans.initialization.betula
Fields in elki.clustering.kmeans.initialization.betula declared as OptionID Modifier and Type Field Description static OptionIDCFKPlusPlusTree.Par. DEPTH_IDDepth of the trunk based stragegy.static OptionIDCFKPlusPlusLeaves.Par. FIRST_UNIFORM_IDChoose the first center based on variance contribution.static OptionIDCFKPlusPlusTree.Par. FIRST_UNIFORM_IDChoose the first center based on variance contribution.static OptionIDCFKPlusPlusLeaves.Par. KMPP_DISTANCE_IDk Means distance.static OptionIDCFKPlusPlusTree.Par. KMPP_DISTANCE_IDk Means distance.static OptionIDAbstractCFKMeansInitialization.Par. SEED_IDParameter to specify the random generator seed. -
Uses of OptionID in elki.clustering.kmedoids
Fields in elki.clustering.kmedoids declared as OptionID Modifier and Type Field Description static OptionIDFastPAM.Par. FASTTOL_IDTolerance for performing additional swaps.static OptionIDCLARANS.Par. NEIGHBORS_IDThe number of neighbors to explore.static OptionIDCLARA.Par. NOKEEPMED_IDDraw independent samples.static OptionIDFastCLARA.Par. NOKEEPMED_IDDraw independent samples.static OptionIDFasterCLARA.Par. NOKEEPMED_IDDraw independent samples.static OptionIDCLARA.Par. NUMSAMPLES_IDThe number of samples to run.static OptionIDFastCLARA.Par. NUMSAMPLES_IDThe number of samples to run.static OptionIDFasterCLARA.Par. NUMSAMPLES_IDThe number of samples to run.static OptionIDCLARA.Par. RANDOM_IDRandom generator.static OptionIDCLARANS.Par. RANDOM_IDRandom generator.static OptionIDFastCLARA.Par. RANDOM_IDRandom generator.static OptionIDFasterCLARA.Par. RANDOM_IDRandom generator.static OptionIDCLARANS.Par. RESTARTS_IDThe number of restarts to run.static OptionIDCLARA.Par. SAMPLESIZE_IDThe sample size.static OptionIDFastCLARA.Par. SAMPLESIZE_IDThe sample size.static OptionIDFasterCLARA.Par. SAMPLESIZE_IDThe sample size. -
Uses of OptionID in elki.clustering.kmedoids.initialization
Fields in elki.clustering.kmedoids.initialization declared as OptionID Modifier and Type Field Description static OptionIDAlternateRefinement.Par. INIT_PNested inner initialization.static OptionIDKMedoidsKMedoidsInitialization.Par. INNER_IDOption ID for the nested k-medoids clustering algorithm.static OptionIDAlternateRefinement.Par. MAXITER_PMaximum number of refinement steps. -
Uses of OptionID in elki.clustering.meta
Fields in elki.clustering.meta declared as OptionID Modifier and Type Field Description static OptionIDExternalClustering.Par. FILE_IDParameter that specifies the name of the file to be re-parsed. -
Uses of OptionID in elki.clustering.onedimensional
Fields in elki.clustering.onedimensional declared as OptionID Modifier and Type Field Description static OptionIDKNNKernelDensityMinimaClustering.Par. DIM_IDDimension to use for clustering.static OptionIDKNNKernelDensityMinimaClustering.Par. K_IDNumber of neighbors for bandwidth estimation.static OptionIDKNNKernelDensityMinimaClustering.Par. KERNEL_IDKernel function.static OptionIDKNNKernelDensityMinimaClustering.Par. MODE_IDKDE mode.static OptionIDKNNKernelDensityMinimaClustering.Par. WINDOW_IDHalf window width to find local minima. -
Uses of OptionID in elki.clustering.optics
Fields in elki.clustering.optics declared as OptionID Modifier and Type Field Description static OptionIDAbstractOPTICS.Par. EPSILON_IDParameter to specify the maximum radius of the neighborhood to be considered, must be suitable to the distance function specified.static OptionIDOPTICSXi.Par. KEEPSTEEP_IDParameter to keep the steep areasstatic OptionIDAbstractOPTICS.Par. MINPTS_IDParameter to specify the threshold for minimum number of points in the epsilon-neighborhood of a point, must be an integer greater than 0.static OptionIDDeLiClu.Par. MINPTS_IDParameter to specify the threshold for minimum number of points within a cluster, must be an integer greater than 0.static OptionIDOPTICSXi.Par. NOCORRECT_IDParameter to disable the correction function.static OptionIDOPTICSXi.Par. XI_IDParameter to specify the steepness threshold.static OptionIDOPTICSXi.Par. XIALG_IDParameter to specify the actual OPTICS algorithm to use. -
Uses of OptionID in elki.clustering.subspace
Fields in elki.clustering.subspace declared as OptionID Modifier and Type Field Description static OptionIDDOC.Par. ALPHA_IDRelative density threshold parameter Alpha.static OptionIDHiSC.Par. ALPHA_IDThe maximum absolute variance along a coordinate axis.static OptionIDP3C.Par. ALPHA_THRESHOLD_IDParameter for the chi squared test threshold.static OptionIDDOC.Par. BETA_IDBalancing parameter for importance of points vs. dimensionsstatic OptionIDFastDOC.Par. D_ZERO_IDStopping threshold for FastDOC.static OptionIDPreDeCon.Settings.Par. DELTA_IDParameter Delta: maximum variance allowedstatic OptionIDSUBCLU.Par. DISTANCE_FUNCTION_IDThe distance function to determine the distance between objects.static OptionIDP3C.Par. EM_DELTA_IDThreshold when to stop EM iterations.static OptionIDDiSH.Par. EPSILON_IDA 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 isDiSH.Par.DEFAULT_EPSILONin each dimension).static OptionIDHiSC.Par. EPSILON_IDParameter to specify the maximum distance between two vectors with equal preference vectors before considering them as parallel, must be a double equal to or greater than 0.static OptionIDSUBCLU.Par. EPSILON_IDMaximum radius of the neighborhood to be considered.static OptionIDHiSC.Par. K_IDThe number of nearest neighbors considered to determine the preference vector.static OptionIDPreDeCon.Settings.Par. KAPPA_IDParameter Kappa: penalty for deviations in preferred dimensions.static OptionIDPreDeCon.Settings.Par. LAMBDA_IDParameter Lambda: maximum dimensionality allowed.static OptionIDPROCLUS.Par. M_I_IDParameter to specify the multiplier for the initial number of medoids, must be an integer greater than 0.static OptionIDP3C.Par. MAX_EM_ITERATIONS_IDMaximum number of iterations for the EM step.static OptionIDP3C.Par. MIN_CLUSTER_SIZE_IDMinimum cluster size for noise flagging.static OptionIDSUBCLU.Par. MINDIM_IDMinimum dimensionality to generate clusters.static OptionIDDiSH.Par. MINPTS_IDPositive threshold for minimum numbers of points in the epsilon-neighborhood of a points.static OptionIDSUBCLU.Par. MINPTS_IDParameter to specify the threshold for minimum number of points in the epsilon-neighborhood of a point, must be an integer greater than 0.static OptionIDDiSH.Par. MU_IDParameter that specifies the a minimum number of points as a smoothing factor to avoid the single-link-effect, must be an integer greater than 0.static OptionIDP3C.Par. POISSON_THRESHOLD_IDParameter for the poisson test threshold.static OptionIDCLIQUE.Par. PRUNE_IDFlag 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.static OptionIDDOC.Par. RANDOM_IDRandom seeding parameter.static OptionIDPROCLUS.Par. SEED_IDParameter to specify the random generator seed.static OptionIDDiSH.Par. STRATEGY_IDThe strategy for determination of the preference vector, available strategies are:DiSH.Strategy.APRIORIandDiSH.Strategy.MAX_INTERSECTION.static OptionIDCLIQUE.Par. TAU_IDParameter to specify the density threshold for the selectivity of a unit, where the selectivity is the fraction of total feature vectors contained in this unit, must be a double greater than 0 and less than 1.static OptionIDDOC.Par. W_IDHalf width parameter.static OptionIDCLIQUE.Par. XSI_IDParameter to specify the number of intervals (units) in each dimension, must be an integer greater than 0. -
Uses of OptionID in elki.clustering.svm
Fields in elki.clustering.svm declared as OptionID Modifier and Type Field Description static OptionIDSupportVectorClustering.Par. C_IDSVM C parameterstatic OptionIDSupportVectorClustering.Par. KERNEL_IDParameter for kernel function. -
Uses of OptionID in elki.clustering.trivial
Fields in elki.clustering.trivial declared as OptionID Modifier and Type Field Description static OptionIDByLabelClustering.Par. MULTIPLE_IDFlag to indicate that multiple cluster assignment is possible.static OptionIDByLabelClustering.Par. NOISE_IDParameter to specify the pattern to recognize noise clusters by.static OptionIDByModelClustering.Par. NOISE_IDParameter to specify the pattern to recognize noise clusters with. -
Uses of OptionID in elki.clustering.uncertain
Fields in elki.clustering.uncertain declared as OptionID Modifier and Type Field Description static OptionIDRepresentativeUncertainClustering.Par. ALGORITHM_IDParameter to hand an algorithm to be wrapped and run to our instance ofRepresentativeUncertainClustering.static OptionIDRepresentativeUncertainClustering.Par. ALPHA_IDAlpha parameter for confidence estimation.static OptionIDRepresentativeUncertainClustering.Par. CLUSTERDISTANCE_IDDistance function to measure the similarity of clusterings.static OptionIDRepresentativeUncertainClustering.Par. KEEP_SAMPLES_IDFlag to keep all samples.static OptionIDRepresentativeUncertainClustering.Par. META_ALGORITHM_IDParameter to hand an algorithm for creating the meta-clustering to our instance ofRepresentativeUncertainClustering.static OptionIDRepresentativeUncertainClustering.Par. RANDOM_IDParameter to specify the random generator.static OptionIDFDBSCANNeighborPredicate.Par. SAMPLE_SIZE_IDNumber of samples per uncertain object.static OptionIDRepresentativeUncertainClustering.Par. SAMPLES_IDParameter to specify the amount of clusterings that shall be created and compared.static OptionIDFDBSCANNeighborPredicate.Par. SEED_IDSeed for random sample draw.static OptionIDFDBSCANNeighborPredicate.Par. THRESHOLD_IDThreshold for epsilon-neighborhood, defaults to 0.5. -
Uses of OptionID in elki.data.projection
Fields in elki.data.projection declared as OptionID Modifier and Type Field Description static OptionIDRandomProjection.Par. DIMENSIONALITY_IDParameter for the desired output dimensionality.static OptionIDRandomProjection.Par. FAMILY_IDParameter for the projection family.static OptionIDFeatureSelection.Par. SELECTED_ATTRIBUTES_IDSelected attributes parameter. -
Uses of OptionID in elki.data.projection.random
Fields in elki.data.projection.random declared as OptionID Modifier and Type Field Description static OptionIDAbstractRandomProjectionFamily.Par. RANDOM_IDParameter for the random generator.static OptionIDAchlioptasRandomProjectionFamily.Par. SPARSITY_IDParameter for the projection sparsity. -
Uses of OptionID in elki.data.uncertain.uncertainifier
Fields in elki.data.uncertain.uncertainifier declared as OptionID Modifier and Type Field Description static OptionIDSimpleGaussianUncertainifier.Par. DEV_MAX_IDParameter for maximum 3-sigma deviation.static OptionIDUniformUncertainifier.Par. DEV_MAX_IDMaximum deviation of the generated bounding box.static OptionIDSimpleGaussianUncertainifier.Par. DEV_MIN_IDParameter for minimum 3-sigma deviation.static OptionIDUniformUncertainifier.Par. DEV_MIN_IDMinimum deviation of the generated bounding box.static OptionIDAbstractDiscreteUncertainifier.Par. INNER_IDClass to use for generating the uncertain instances.static OptionIDAbstractDiscreteUncertainifier.Par. MULT_MAX_IDMaximum quantity of generated samples.static OptionIDAbstractDiscreteUncertainifier.Par. MULT_MIN_IDMinimum quantity of generated samples.static OptionIDUncertainifier. SYMMETRIC_IDShared parameter: to force centering the uncertain region on the exact vector. -
Uses of OptionID in elki.database
Fields in elki.database declared as OptionID Modifier and Type Field Description static OptionIDAbstractDatabase.Par. DATABASE_CONNECTION_IDOption to specify the data source for the database.static OptionIDAbstractDatabase.Par. INDEX_IDParameter to specify the indexes to use. -
Uses of OptionID in elki.datasource
Fields in elki.datasource declared as OptionID Modifier and Type Field Description private static OptionIDBundleDatabaseConnection.Par. BUNDLE_IDOption ID for the bundle parameter.static OptionIDGeneratorXMLDatabaseConnection.Par. CONFIGFILE_IDParameter to give the configuration filestatic OptionIDDBIDRangeDatabaseConnection.Par. COUNT_IDParameter for number of IDs to generatestatic OptionIDRandomDoubleVectorDatabaseConnection.Par. DIM_IDDatabase to specify the random vector dimensionality.static OptionIDAbstractDatabaseConnection.Par. FILTERS_IDFilters to apply to the input data.static OptionIDConcatenateFilesDatabaseConnection.Par. INPUT_IDParameter that specifies the name of the input files to be parsed.static OptionIDFileBasedDatabaseConnection.Par. INPUT_IDParameter that specifies the name of the input file to be parsed.static OptionIDAbstractDatabaseConnection.Par. PARSER_IDParameter to specify the parser to provide a database.static OptionIDGeneratorXMLDatabaseConnection.Par. RANDOMSEED_IDParameter to give the configuration filestatic OptionIDGeneratorXMLDatabaseConnection.Par. REASSIGN_DISTANCE_IDReassign by cluster distancestatic OptionIDGeneratorXMLDatabaseConnection.Par. REASSIGN_IDParameter for cluster reassignmentstatic OptionIDRandomDoubleVectorDatabaseConnection.Par. SEED_IDRandom generator seed.static OptionIDRandomDoubleVectorDatabaseConnection.Par. SIZE_IDParameter to specify the database size to generate.static OptionIDGeneratorXMLDatabaseConnection.Par. SIZE_SCALE_IDParameter to give the configuration filestatic OptionIDExternalIDJoinDatabaseConnection.Par. SOURCES_IDThe static option IDstatic OptionIDLabelJoinDatabaseConnection.Par. SOURCES_IDThe static option IDstatic OptionIDPresortedBlindJoinDatabaseConnection.Par. SOURCES_IDThe static option IDstatic OptionIDDBIDRangeDatabaseConnection.Par. START_IDParameter for starting ID to generatestatic OptionIDInputStreamDatabaseConnection.Par. STREAM_IDInput stream to read. -
Uses of OptionID in elki.datasource.filter
Fields in elki.datasource.filter declared as OptionID Modifier and Type Field Description static OptionIDFixedDBIDsFilter.Par. IDSTART_IDOptional parameter to specify the first object ID to use. -
Uses of OptionID in elki.datasource.filter.cleaning
Fields in elki.datasource.filter.cleaning declared as OptionID Modifier and Type Field Description static OptionIDVectorDimensionalityFilter.Par. DIM_PParameter for specifying the dimensionality.static OptionIDReplaceNaNWithRandomFilter.Par. RANDOM_IDRandom sourcestatic OptionIDReplaceNaNWithRandomFilter.Par. REPLACEMENT_DISTRIBUTIONParameter to specify the distribution to sample replacement values from. -
Uses of OptionID in elki.datasource.filter.normalization.columnwise
Fields in elki.datasource.filter.normalization.columnwise declared as OptionID Modifier and Type Field Description static OptionIDAttributeWiseBetaNormalization.Par. ALPHA_IDShape parameter.static OptionIDAttributeWiseBetaNormalization.Par. DISTRIBUTIONS_IDParameter for distribution estimators.static OptionIDAttributeWiseCDFNormalization.Par. DISTRIBUTIONS_IDParameter for distribution estimators.static OptionIDAttributeWiseMinMaxNormalization.Par. MAXIMA_IDParameter for maximum.static OptionIDAttributeWiseVarianceNormalization.Par. MEAN_IDParameter for means.static OptionIDAttributeWiseMinMaxNormalization.Par. MINIMA_IDParameter for minimum.static OptionIDAttributeWiseVarianceNormalization.Par. STDDEV_IDParameter for stddevs. -
Uses of OptionID in elki.datasource.filter.normalization.instancewise
Fields in elki.datasource.filter.normalization.instancewise declared as OptionID Modifier and Type Field Description static OptionIDLog1PlusNormalization.Par. BOOST_IDBoosting factor parameter.static OptionIDInstanceMinMaxNormalization.Par. MAX_IDOption ID for maximum value.static OptionIDInstanceMinMaxNormalization.Par. MIN_IDOption ID for minimum value.static OptionIDLengthNormalization.Par. NORM_IDOption ID for normalization norm. -
Uses of OptionID in elki.datasource.filter.selection
Fields in elki.datasource.filter.selection declared as OptionID Modifier and Type Field Description static OptionIDByLabelFilter.Par. LABELFILTER_PATTERN_IDParameter that specifies the filter pattern (regular expression).static OptionIDByLabelFilter.Par. LABELFILTER_PATTERN_INVERT_IDFlag to use the pattern in inverted modestatic OptionIDRandomSamplingStreamFilter.Par. PROB_IDOption ID for sampling probabilitystatic OptionIDRandomSamplingStreamFilter.Par. SEED_IDOption ID for random seedstatic OptionIDShuffleObjectsFilter.Par. SEED_IDOptional parameter to specify a seed for randomly shuffling the rows of the database.static OptionIDFirstNStreamFilter.Par. SIZE_IDOption ID for the sample size -
Uses of OptionID in elki.datasource.filter.transform
Fields in elki.datasource.filter.transform declared as OptionID Modifier and Type Field Description static OptionIDClassicMultidimensionalScalingTransform.Par. DIM_IDDesired dimensionality.static OptionIDClassicMultidimensionalScalingTransform.Par. DISTANCE_IDDistant metric.static OptionIDGlobalPrincipalComponentAnalysisTransform.Par. FILTER_IDTo specify the eigenvectors to keep.static OptionIDHistogramJitterFilter.Par. JITTER_IDOption ID for the jitter strength.static OptionIDPerturbationFilter.Par. MAXIMA_IDParameter for maximum.static OptionIDPerturbationFilter.Par. MINIMA_IDParameter for minimum.static OptionIDGlobalPrincipalComponentAnalysisTransform.Par. MODE_IDMode control.static OptionIDPerturbationFilter.Par. NOISEDISTRIBUTION_IDParameter for selecting the noise distribution.static OptionIDNumberVectorRandomFeatureSelectionFilter.Par. NUMBER_SELECTED_ATTRIBUTES_IDParameter for the desired cardinality of the subset of attributes selected for projection.static OptionIDAbstractSupervisedProjectionVectorFilter.Par. P_IDThe number of dimensions to keep.static OptionIDPerturbationFilter.Par. PERCENTAGE_IDOptional parameter to specify a percentage of the standard deviation of the random Gaussian noise generation, given the standard deviation of the corresponding attribute in the original data distribution (assuming a Gaussian there).static OptionIDProjectionFilter.Par. PROJ_IDParameter to specify the projection to usestatic OptionIDFastMultidimensionalScalingTransform.Par. RANDOM_IDRandom seed generator.static OptionIDPerturbationFilter.Par. SCALINGREFERENCE_IDParameter for selecting scaling reference.static OptionIDHistogramJitterFilter.Par. SEED_IDOption ID for the jitter random seed.static OptionIDNumberVectorRandomFeatureSelectionFilter.Par. SEED_IDOptional parameter to specify a seed for random projection.static OptionIDPerturbationFilter.Par. SEED_IDOptional parameter to specify a seed for random Gaussian noise generation.static OptionIDNumberVectorFeatureSelectionFilter.Par. SELECTED_ATTRIBUTES_IDSelected attributes parameter.static OptionIDClassicMultidimensionalScalingTransform.Par. VECTOR_TYPE_IDParameter to specify the type of vectors to produce. -
Uses of OptionID in elki.datasource.filter.typeconversions
Fields in elki.datasource.filter.typeconversions declared as OptionID Modifier and Type Field Description static OptionIDClassLabelFilter.Par. CLASS_LABEL_CLASS_IDParameter to specify the class of occurring class labels.static OptionIDClassLabelFilter.Par. CLASS_LABEL_INDEX_IDOptional parameter that specifies the index of the label to be used as class label, must be an integer equal to or greater than 0.static OptionIDUncertainSplitFilter.Par. DIM_IDParameter for specifying the number of dimensions of the sample.static OptionIDWeightedUncertainSplitFilter.Par. DIM_IDParameter for specifying the number of dimensions of the sample.static OptionIDExternalIDFilter.Par. EXTERNALID_INDEX_IDParameter that specifies the index of the label to be used as external Id, starting at 0.static OptionIDUncertainifyFilter.Par. KEEP_IDFlag to keep the original data.static OptionIDClassLabelFromPatternFilter.Par. NEGATIVE_IDClass label to assign to negative instances.static OptionIDClassLabelFromPatternFilter.Par. PATTERN_IDPattern for recognizing positive objects.static OptionIDClassLabelFromPatternFilter.Par. POSITIVE_IDClass label to assign to positive instances.static OptionIDWeightedUncertainSplitFilter.Par. PROBCOL_IDParameter to specify where the probability is stored.static OptionIDUncertainifyFilter.Par. SEED_IDSeed for random generation.static OptionIDSplitNumberVectorFilter.Par. SELECTED_ATTRIBUTES_IDThe parameter listing the split dimensions.static OptionIDUncertainifyFilter.Par. UNCERTAINITY_MODEL_IDParameter to specify the uncertainityModel used for the uncertainification.static OptionIDMultivariateTimeSeriesFilter.Par. VARIATES_IDParameter for specifying the number of variates of this series. -
Uses of OptionID in elki.datasource.parser
Fields in elki.datasource.parser declared as OptionID Modifier and Type Field Description static OptionIDCSVReaderFormat.Par. COLUMN_SEPARATOR_IDOptionID for the column separator parameter (defaults to whitespace as inCSVReaderFormat.DEFAULT_SEPARATOR.static OptionIDCSVReaderFormat.Par. COMMENT_IDComment pattern.static OptionIDNumberVectorLabelParser.Par. LABEL_INDICES_IDA comma separated list of the indices of labels (may be numeric), counting whitespace separated entries in a line starting with 0.static OptionIDArffParser.Par. MAGIC_CLASS_IDPattern for recognizing class label attributes.static OptionIDArffParser.Par. MAGIC_EID_IDPattern for recognizing external ID attributes.static OptionIDTermFrequencyParser.Par. NORMALIZE_FLAGOption ID for normalization.static OptionIDCSVReaderFormat.Par. QUOTE_IDOptionID for the quote character parameter (defaults to a double quotation mark as inCSVReaderFormat.QUOTE_CHARS.static OptionIDStringParser.Par. TRIM_IDFlag to trim whitespace.static OptionIDNumberVectorLabelParser.Par. VECTOR_TYPE_IDParameter to specify the type of vectors to produce. -
Uses of OptionID in elki.distance
Fields in elki.distance declared as OptionID Modifier and Type Field Description static OptionIDIndexBasedDistance. INDEX_IDOptionID for the index parameterstatic OptionIDWeightedNumberVectorDistance. WEIGHTS_IDParameter to set the weights of the weighted distance function. -
Uses of OptionID in elki.distance.adapter
Fields in elki.distance.adapter declared as OptionID Modifier and Type Field Description static OptionIDAbstractSimilarityAdapter.Par. SIMILARITY_FUNCTION_IDParameter to specify the similarity function to derive the distance between database objects from. -
Uses of OptionID in elki.distance.colorhistogram
Fields in elki.distance.colorhistogram declared as OptionID Modifier and Type Field Description static OptionIDHSBHistogramQuadraticDistance.Par. BPP_IDParameter for the kernel dimensionality.static OptionIDRGBHistogramQuadraticDistance.Par. BPP_IDParameter for the kernel dimensionality. -
Uses of OptionID in elki.distance.external
Fields in elki.distance.external declared as OptionID Modifier and Type Field Description static OptionIDFileBasedSparseDoubleDistance.Par. DEFAULTDIST_IDOptional parameter to specify the distance to return when no distance was given in the file.static OptionIDFileBasedSparseFloatDistance.Par. DEFAULTDIST_IDOptional parameter to specify the distance to return when no distance was given in the file.static OptionIDDiskCacheBasedDoubleDistance.Par. MATRIX_IDParameter that specifies the name of the distance matrix file.static OptionIDDiskCacheBasedFloatDistance.Par. MATRIX_IDParameter that specifies the name of the distance matrix file.static OptionIDFileBasedSparseDoubleDistance.Par. MATRIX_IDParameter that specifies the name of the distance matrix file.static OptionIDFileBasedSparseFloatDistance.Par. MATRIX_IDParameter that specifies the name of the distance matrix file.static OptionIDFileBasedSparseDoubleDistance.Par. PARSER_IDOptional parameter to specify the parsers to provide a database, must extendDistanceParser.static OptionIDFileBasedSparseFloatDistance.Par. PARSER_IDOptional parameter to specify the parsers to provide a database, must extendDistanceParser. -
Uses of OptionID in elki.distance.geo
Fields in elki.distance.geo declared as OptionID Modifier and Type Field Description static OptionIDDimensionSelectingLatLngDistance.Par. LATDIM_IDLatitude dimension parameter.static OptionIDDimensionSelectingLatLngDistance.Par. LNGDIM_IDLongitude dimension parameter. -
Uses of OptionID in elki.distance.minkowski
Fields in elki.distance.minkowski declared as OptionID Modifier and Type Field Description static OptionIDLPNormDistance.Par. P_IDOptionID for the "p" parameter -
Uses of OptionID in elki.distance.subspace
Fields in elki.distance.subspace declared as OptionID Modifier and Type Field Description static OptionIDOnedimensionalDistance.Par. DIM_IDParameter for dimensionality.static OptionIDAbstractDimensionsSelectingDistance.Par. DIMS_IDDimensions parameter. -
Uses of OptionID in elki.distance.timeseries
Fields in elki.distance.timeseries declared as OptionID Modifier and Type Field Description static OptionIDAbstractEditDistance.Par. BANDSIZE_IDBandsize parameter.static OptionIDEDRDistance.Par. DELTA_IDDELTA parameterstatic OptionIDERPDistance.Par. G_IDG parameterstatic OptionIDLCSSDistance.Par. PDELTA_IDPDELTA parameterstatic OptionIDLCSSDistance.Par. PEPSILON_IDPEPSILON parameter -
Uses of OptionID in elki.evaluation.classification.holdout
Fields in elki.evaluation.classification.holdout declared as OptionID Modifier and Type Field Description static OptionIDDisjointCrossValidation.Par. NFOLD_IDParameter for number of folds.static OptionIDRandomizedCrossValidation.Par. NFOLD_IDParameter for number of folds.static OptionIDStratifiedCrossValidation.Par. NFOLD_IDParameter for number of folds.static OptionIDRandomizedHoldout.Par. SEED_IDRandom seeding for holdout evaluation. -
Uses of OptionID in elki.evaluation.clustering
Fields in elki.evaluation.clustering declared as OptionID Modifier and Type Field Description static OptionIDEvaluateClustering.Par. NOISE_IDParameter flag for special noise handling.static OptionIDEvaluateClustering.Par. REFERENCE_IDParameter to obtain the reference clustering.static OptionIDEvaluateClustering.Par. SELFPAIR_IDParameter flag to disable self-pairing -
Uses of OptionID in elki.evaluation.clustering.internal
Fields in elki.evaluation.clustering.internal declared as OptionID Modifier and Type Field Description static OptionIDCIndex.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDClusterRadius.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDConcordantPairsGammaTau.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDDaviesBouldinIndex.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDDBCV.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDPBMIndex.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDSilhouette.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDSquaredErrors.Par. DISTANCE_IDParameter for choosing the distance function.static OptionIDSilhouette.Par. NO_PENALIZE_IDDo not penalize ignored noise.static OptionIDVarianceRatioCriterion.Par. NO_PENALIZE_IDDo not penalize ignored noise.static OptionIDCIndex.Par. NOISE_IDParameter for the option, how noise should be treated.static OptionIDClusterRadius.Par. NOISE_IDParameter to treat noise as a single cluster.static OptionIDConcordantPairsGammaTau.Par. NOISE_IDParameter for the option, how noise should be treated.static OptionIDDaviesBouldinIndex.Par. NOISE_IDParameter for the option, how noise should be treated.static OptionIDPBMIndex.Par. NOISE_IDParameter for the option, how noise should be treated.static OptionIDSilhouette.Par. NOISE_IDParameter to treat noise as a single cluster.static OptionIDSquaredErrors.Par. NOISE_IDParameter to treat noise as a single cluster.static OptionIDVarianceRatioCriterion.Par. NOISE_IDParameter for the option, how noise should be treated.static OptionIDDaviesBouldinIndex.Par. POWER_IDPower exponent p. -
Uses of OptionID in elki.evaluation.outlier
Fields in elki.evaluation.outlier declared as OptionID Modifier and Type Field Description static OptionIDComputeOutlierHistogram.Par. BINS_IDnumber of bins for the histogramstatic OptionIDOutlierPrecisionAtKCurve.Par. MAX_K_IDMaximum value for kstatic OptionIDComputeOutlierHistogram.Par. POSITIVE_CLASS_NAME_IDThe object pattern to identify positive classesstatic OptionIDJudgeOutlierScores.Par. POSITIVE_CLASS_NAME_IDThe distance function to determine the reachability distance between database objects.static OptionIDOutlierPrecisionAtKCurve.Par. POSITIVE_CLASS_NAME_IDThe pattern to identify positive classes.static OptionIDOutlierPrecisionRecallCurve.Par. POSITIVE_CLASS_NAME_IDThe pattern to identify positive classes.static OptionIDOutlierPrecisionRecallGainCurve.Par. POSITIVE_CLASS_NAME_IDThe pattern to identify positive classes.static OptionIDOutlierRankingEvaluation.Par. POSITIVE_CLASS_NAME_IDThe pattern to identify positive classes.static OptionIDOutlierROCCurve.Par. POSITIVE_CLASS_NAME_IDThe pattern to identify positive classes.static OptionIDComputeOutlierHistogram.Par. SCALING_IDParameter to specify a scaling function to use.static OptionIDJudgeOutlierScores.Par. SCALING_IDParameter to specify a scaling function to use.static OptionIDOutlierThresholdClustering.Par. SCALING_IDParameter to specify a scaling function to use.static OptionIDComputeOutlierHistogram.Par. SPLITFREQ_IDFlag to count frequencies of outliers and non-outliers separatelystatic OptionIDOutlierThresholdClustering.Par. THRESHOLD_IDParameter to specify the threshold -
Uses of OptionID in elki.evaluation.scores
Fields in elki.evaluation.scores declared as OptionID Modifier and Type Field Description static OptionIDPrecisionAtKEvaluation.Par. K_IDOption ID for the k parameter. -
Uses of OptionID in elki.evaluation.similaritymatrix
Fields in elki.evaluation.similaritymatrix declared as OptionID Modifier and Type Field Description static OptionIDComputeSimilarityMatrixImage.Par. SCALING_IDOptionID for the scaling function to usestatic OptionIDComputeSimilarityMatrixImage.Par. SKIPZERO_IDOptionID to skip zero values when plotting to increase contrast. -
Uses of OptionID in elki.gui.util
Fields in elki.gui.util declared as OptionID Modifier and Type Field Description protected static OptionIDDynamicParameters. REMAINING_OPTIONS_IDOptionID for unrecognized options. -
Uses of OptionID in elki.index
Fields in elki.index declared as OptionID Modifier and Type Field Description static OptionIDPagedIndexFactory.Par. PAGEFILE_IDOptional parameter that specifies the factory type of pagefile to use for the index. -
Uses of OptionID in elki.index.distancematrix
Fields in elki.index.distancematrix declared as OptionID Modifier and Type Field Description static OptionIDPrecomputedDistanceMatrix.Factory.Par. DISTANCE_IDOption parameter for the precomputed distance matrix.static OptionIDPrecomputedSimilarityMatrix.Factory.Par. DISTANCE_IDOption parameter for the precomputed similarity matrix. -
Uses of OptionID in elki.index.idistance
Fields in elki.index.idistance declared as OptionID Modifier and Type Field Description static OptionIDInMemoryIDistanceIndex.Factory.Par. DISTANCE_IDParameter for the distance functionstatic OptionIDInMemoryIDistanceIndex.Factory.Par. K_IDNumber of reference points.static OptionIDInMemoryIDistanceIndex.Factory.Par. REFERENCE_IDInitialization method. -
Uses of OptionID in elki.index.laesa
Fields in elki.index.laesa declared as OptionID Modifier and Type Field Description static OptionIDLAESA.Factory.Par. DISTANCE_FUNCTION_IDDistance function to use in the indexstatic OptionIDLAESA.Factory.Par. K_IDCondition parameter.static OptionIDLAESA.Factory.Par. M_IDNumber of reference points to choose.static OptionIDLAESA.Factory.Par. SEED_IDRandom generator to use -
Uses of OptionID in elki.index.lsh
Fields in elki.index.lsh declared as OptionID Modifier and Type Field Description static OptionIDInMemoryLSHIndex.Par. BUCKETS_IDNumber of hash tables to use for LSH.static OptionIDInMemoryLSHIndex.Par. FAMILY_IDHash function family parameter.static OptionIDInMemoryLSHIndex.Par. L_IDNumber of hash tables to use for LSH. -
Uses of OptionID in elki.index.lsh.hashfamilies
Fields in elki.index.lsh.hashfamilies declared as OptionID Modifier and Type Field Description static OptionIDAbstractProjectedHashFunctionFamily.Par. NUMPROJ_IDNumber of projections to use in each hash function.static OptionIDCosineHashFunctionFamily.Par. NUMPROJ_IDNumber of projections to use in each hash function.static OptionIDAbstractProjectedHashFunctionFamily.Par. RANDOM_IDParameter for fixing the random seed.static OptionIDCosineHashFunctionFamily.Par. RANDOM_IDParameter for fixing the random seed.static OptionIDAbstractProjectedHashFunctionFamily.Par. WIDTH_IDParameter for choosing the bin width. -
Uses of OptionID in elki.index.preprocessed.fastoptics
Fields in elki.index.preprocessed.fastoptics declared as OptionID Modifier and Type Field Description static OptionIDRandomProjectedNeighborsAndDensities.Par. RANDOM_IDRandom seed parameter. -
Uses of OptionID in elki.index.preprocessed.knn
Fields in elki.index.preprocessed.knn declared as OptionID Modifier and Type Field Description static OptionIDCachedDoubleDistanceKNNPreprocessor.Factory.Par. CACHE_IDOption ID for the kNN file.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. CURVES_IDParameter for choosing the space filling curves to use.static OptionIDSpacefillingMaterializeKNNPreprocessor.Factory.Par. CURVES_IDParameter for choosing the space filling curves to use.static OptionIDNNDescent.Factory.Par. DELTA_IDEarly termination parameter.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. DIM_IDParameter for choosing the number of dimensions to use for each curve.static OptionIDAbstractMaterializeKNNPreprocessor.Factory. DISTANCE_FUNCTION_IDParameter to indicate the distance function to be used to ascertain the nearest neighbors.static OptionIDNNDescent.Factory.Par. INITIAL_IDWhether to initialize neighbors with sampled neighbors.static OptionIDNNDescent.Factory.Par. ITER_IDmaximum number of iterationsstatic OptionIDAbstractMaterializeKNNPreprocessor.Factory. K_IDParameter to specify the number of nearest neighbors of an object to be materialized. must be an integer greater than 1.static OptionIDPartitionApproximationMaterializeKNNPreprocessor.Factory.Par. PARTITIONS_IDParameter to specify the number of partitions to use for materializing the kNN.static OptionIDNaiveProjectedKNNPreprocessor.Factory.Par. PROJECTION_IDParameter for choosing the random projections.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. PROJECTION_IDParameter for choosing the random projections.static OptionIDNaiveProjectedKNNPreprocessor.Factory.Par. PROJECTIONS_IDParameter for choosing the number of projections to use.static OptionIDNaiveProjectedKNNPreprocessor.Factory.Par. RANDOM_IDParameter for choosing the number of variants to use.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. RANDOM_IDParameter for choosing the number of variants to use.static OptionIDSpacefillingMaterializeKNNPreprocessor.Factory.Par. RANDOM_IDParameter for choosing the number of variants to use.static OptionIDNNDescent.Factory.Par. RHO_IDSample rate.static OptionIDNNDescent.Factory.Par. SEED_IDRandom number generator seed.static OptionIDPartitionApproximationMaterializeKNNPreprocessor.Factory.Par. SEED_IDParameter to specify the random number generator.static OptionIDRandomSampleKNNPreprocessor.Factory.Par. SEED_IDRandom number generator seed.static OptionIDRandomSampleKNNPreprocessor.Factory.Par. SHARE_IDShare of objects to consider for computing the kNN.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. VARIANTS_IDParameter for choosing the number of variants to use.static OptionIDSpacefillingMaterializeKNNPreprocessor.Factory.Par. VARIANTS_IDParameter for choosing the number of variants to use.static OptionIDNaiveProjectedKNNPreprocessor.Factory.Par. WINDOW_IDParameter for setting the widows size multiplicator.static OptionIDSpacefillingKNNPreprocessor.Factory.Par. WINDOW_IDParameter for setting the widows size multiplicator.static OptionIDSpacefillingMaterializeKNNPreprocessor.Factory.Par. WINDOW_IDParameter for setting the widows size multiplicator. -
Uses of OptionID in elki.index.preprocessed.snn
Fields in elki.index.preprocessed.snn declared as OptionID Modifier and Type Field Description static OptionIDSharedNearestNeighborPreprocessor.Factory. DISTANCE_FUNCTION_IDParameter to indicate the distance function to be used to ascertain the nearest neighbors.static OptionIDSharedNearestNeighborPreprocessor.Factory. NUMBER_OF_NEIGHBORS_IDParameter to indicate the number of neighbors to be taken into account for the shared-nearest-neighbor similarity. -
Uses of OptionID in elki.index.projected
Fields in elki.index.projected declared as OptionID Modifier and Type Field Description static OptionIDProjectedIndex.Factory.Par. DISABLE_REFINE_FLAGOption ID for disabling refinement.static OptionIDPINN.Par. H_IDNeighborhood size.static OptionIDProjectedIndex.Factory.Par. INDEX_IDOption ID for the inner index to use.static OptionIDProjectedIndex.Factory.Par. K_MULTIPLIER_IDOption ID for querying a larger k.static OptionIDProjectedIndex.Factory.Par. MATERIALIZE_FLAGOption ID for materialization.static OptionIDProjectedIndex.Factory.Par. PROJ_IDOption ID for the projection to use.static OptionIDPINN.Par. RANDOM_IDRandom generator.static OptionIDPINN.Par. S_IDSparsity option.static OptionIDPINN.Par. T_IDTarget dimensionality. -
Uses of OptionID in elki.index.tree.betula
Fields in elki.index.tree.betula declared as OptionID Modifier and Type Field Description static OptionIDCFTree.Factory.Par. ABSORPTION_IDAbsorption parameter.static OptionIDCFTree.Factory.Par. BRANCHING_IDBranching factor.static OptionIDCFTree.Factory.Par. DISTANCE_IDDistance function parameter.static OptionIDCFTree.Factory.Par. FEATURES_IDCluster features parameter.static OptionIDCFTree.Factory.Par. MAXLEAVES_IDMaximum number of leaves.static OptionIDCFTree.Factory.Par. SPLIT_IDOption ID for threshold heuristic.static OptionIDCFTree.Factory.Par. THRESHOLD_IDDistance threshold. -
Uses of OptionID in elki.index.tree.metrical.covertree
Fields in elki.index.tree.metrical.covertree declared as OptionID Modifier and Type Field Description static OptionIDAbstractCoverTree.Factory.Par. DISTANCE_FUNCTION_IDParameter to specify the distance function to determine the distance between database objects, must extendDistance.static OptionIDAbstractCoverTree.Factory.Par. EXPANSION_IDExpansion rate of the tree (going upward).static OptionIDAbstractCoverTree.Factory.Par. TRUNCATE_IDTruncate branches when they have less than this number of instances. -
Uses of OptionID in elki.index.tree.metrical.mtreevariants
Fields in elki.index.tree.metrical.mtreevariants declared as OptionID Modifier and Type Field Description static OptionIDAbstractMTreeFactory.Par. DISTANCE_FUNCTION_IDParameter to specify the distance function to determine the distance between database objects, must extendDistance.static OptionIDAbstractMTreeFactory.Par. INSERT_STRATEGY_IDParameter to specify the insertion strategy to construct the tree.static OptionIDAbstractMTreeFactory.Par. SPLIT_STRATEGY_IDParameter to specify the splitting strategy to construct the tree. -
Uses of OptionID in elki.index.tree.metrical.mtreevariants.mktrees
Fields in elki.index.tree.metrical.mtreevariants.mktrees declared as OptionID Modifier and Type Field Description static OptionIDAbstractMkTreeUnifiedFactory.Par. K_MAX_IDParameter specifying the maximal number k of reverse k nearest neighbors to be supported, must be an integer greater than 0. -
Uses of OptionID in elki.index.tree.metrical.mtreevariants.mktrees.mkapp
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mkapp declared as OptionID Modifier and Type Field Description static OptionIDMkAppTreeFactory.Par. K_IDParameter for kstatic OptionIDMkAppTreeFactory.Par. NOLOG_IDParameter for nologstatic OptionIDMkAppTreeFactory.Par. P_IDParameter for p -
Uses of OptionID in elki.index.tree.metrical.mtreevariants.mktrees.mkcop
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mkcop declared as OptionID Modifier and Type Field Description static OptionIDMkCopTreeFactory.Par. K_IDParameter for k -
Uses of OptionID in elki.index.tree.metrical.mtreevariants.strategies.split
Fields in elki.index.tree.metrical.mtreevariants.strategies.split declared as OptionID Modifier and Type Field Description static OptionIDAbstractMTreeSplit.Par. DISTRIBUTOR_IDDistribution strategy parameter.static OptionIDRandomSplit.Par. RANDOM_IDOption ID for the random generator. -
Uses of OptionID in elki.index.tree.metrical.vptree
Fields in elki.index.tree.metrical.vptree declared as OptionID Modifier and Type Field Description static OptionIDGNAT.Factory.Par. DISTANCE_FUNCTION_IDParameter to specify the distance function to determine the distance between database objects, must extendDistance.static OptionIDVPTree.Factory.Par. DISTANCE_FUNCTION_IDParameter to specify the distance function to determine the distance between database objects, must extendDistance.static OptionIDGNAT.Factory.Par. NUMBER_VANTAGE_POINTS_IDParameter to specify the sample size for choosing vantage pointstatic OptionIDVPTree.Factory.Par. SAMPLE_SIZE_IDParameter to specify the sample size for choosing vantage pointstatic OptionIDGNAT.Factory.Par. SEED_IDParameter to specify the random generator seedstatic OptionIDVPTree.Factory.Par. SEED_IDParameter to specify the rnd generator seedstatic OptionIDVPTree.Factory.Par. TRUNCATE_IDParameter to specify the minimum leaf size -
Uses of OptionID in elki.index.tree.spatial.kd
Fields in elki.index.tree.spatial.kd declared as OptionID Modifier and Type Field Description static OptionIDMemoryKDTree.Factory.Par. LEAFSIZE_POption for setting the maximum leaf size.static OptionIDMinimalisticMemoryKDTree.Factory.Par. LEAFSIZE_POption for setting the maximum leaf size.static OptionIDSmallMemoryKDTree.Factory.Par. LEAFSIZE_POption for setting the maximum leaf size.static OptionIDMemoryKDTree.Factory.Par. SPLIT_POption for setting the maximum leaf size. -
Uses of OptionID in elki.index.tree.spatial.rstarvariants
Fields in elki.index.tree.spatial.rstarvariants declared as OptionID Modifier and Type Field Description static OptionIDAbstractRStarTreeFactory.Par. BULK_SPLIT_IDParameter for bulk strategystatic OptionIDAbstractRStarTreeFactory.Par. INSERTION_STRATEGY_IDFast-insertion parameter.static OptionIDAbstractRStarTreeFactory.Par. MINIMUM_FILL_IDParameter for the relative minimum fill.static OptionIDAbstractRStarTreeFactory.Par. OVERFLOW_STRATEGY_IDOverflow treatment.static OptionIDAbstractRStarTreeFactory.Par. SPLIT_STRATEGY_IDSplit strategy parameter. -
Uses of OptionID in elki.index.tree.spatial.rstarvariants.rdknn
Fields in elki.index.tree.spatial.rstarvariants.rdknn declared as OptionID Modifier and Type Field Description static OptionIDRdKNNTreeFactory. DISTANCE_FUNCTION_IDParameter for distance functionstatic OptionIDRdKNNTreeFactory. K_IDParameter for k -
Uses of OptionID in elki.index.tree.spatial.rstarvariants.strategies.bulk
Fields in elki.index.tree.spatial.rstarvariants.strategies.bulk declared as OptionID Modifier and Type Field Description static OptionIDSpatialSortBulkSplit.Par. SORTER_IDOption ID for spatial sorting -
Uses of OptionID in elki.index.tree.spatial.rstarvariants.strategies.insert
Fields in elki.index.tree.spatial.rstarvariants.strategies.insert declared as OptionID Modifier and Type Field Description static OptionIDCombinedInsertionStrategy.Par. DIR_STRATEGY_IDInsertion strategy for directory nodes.static OptionIDApproximativeLeastOverlapInsertionStrategy.Par. INSERTION_CANDIDATES_IDFast-insertion parameter.static OptionIDCombinedInsertionStrategy.Par. LEAF_STRATEGY_IDInsertion strategy for leaf nodes. -
Uses of OptionID in elki.index.tree.spatial.rstarvariants.strategies.overflow
Fields in elki.index.tree.spatial.rstarvariants.strategies.overflow declared as OptionID Modifier and Type Field Description static OptionIDLimitedReinsertOverflowTreatment.Par. REINSERT_STRATEGY_IDFast-insertion parameter. -
Uses of OptionID in elki.index.tree.spatial.rstarvariants.strategies.reinsert
Fields in elki.index.tree.spatial.rstarvariants.strategies.reinsert declared as OptionID Modifier and Type Field Description static OptionIDAbstractPartialReinsert.Par. REINSERT_AMOUNT_IDReinsertion sharestatic OptionIDAbstractPartialReinsert.Par. REINSERT_DISTANCE_IDReinsertion share -
Uses of OptionID in elki.index.vafile
Fields in elki.index.vafile declared as OptionID Modifier and Type Field Description static OptionIDPartialVAFile.Factory. PARTITIONS_IDNumber of partitions to use in each dimension.static OptionIDVAFile.Factory.Par. PARTITIONS_IDNumber of partitions to use in each dimension. -
Uses of OptionID in elki.itemsetmining
Fields in elki.itemsetmining declared as OptionID Modifier and Type Field Description static OptionIDAbstractFrequentItemsetAlgorithm.Par. MAXLENGTH_IDParameter to specify the maximum itemset length.static OptionIDAbstractFrequentItemsetAlgorithm.Par. MINLENGTH_IDParameter to specify the minimum itemset length.static OptionIDAbstractFrequentItemsetAlgorithm.Par. MINSUPP_IDParameter to specify the minimum support, in absolute or relative terms. -
Uses of OptionID in elki.itemsetmining.associationrules
Fields in elki.itemsetmining.associationrules declared as OptionID Modifier and Type Field Description static OptionIDAssociationRuleGeneration.Par. FREQUENTITEMALGO_IDParameter to specify the frequentItemsetAlgorithm to be used.static OptionIDAssociationRuleGeneration.Par. INTERESTMEASURE_IDParameter to specify the interestingness measure to be used.static OptionIDAssociationRuleGeneration.Par. MAXMEASURE_IDParameter to specify the maximum threshold for the interestingness measure.static OptionIDAssociationRuleGeneration.Par. MINMEASURE_IDParameter to specify the minimum threshold for the interestingness measure. -
Uses of OptionID in elki.math.geodesy
Fields in elki.math.geodesy declared as OptionID Modifier and Type Field Description static OptionIDEarthModel. MODEL_IDParameter to choose the earth model to use. -
Uses of OptionID in elki.math.linearalgebra.pca
Fields in elki.math.linearalgebra.pca declared as OptionID Modifier and Type Field Description static OptionIDRANSACCovarianceMatrixBuilder.Par. ITER_IDNumber of iterations.static OptionIDPCARunner.Par. PCA_COVARIANCE_MATRIXParameter to specify the class to compute the covariance matrix, must be a subclass ofCovarianceMatrixBuilder.static OptionIDAutotuningPCA.Par. PCA_EIGENPAIR_FILTERParameter for filtering eigenvectors.static OptionIDPCARunner.Par. PCARUNNER_IDParameter for the PCA variant to use.static OptionIDRANSACCovarianceMatrixBuilder.Par. SEED_IDRandom seedstatic OptionIDWeightedCovarianceMatrixBuilder.Par. WEIGHT_IDParameter to specify the weight function to use in weighted PCA. -
Uses of OptionID in elki.math.linearalgebra.pca.filter
Fields in elki.math.linearalgebra.pca.filter declared as OptionID Modifier and Type Field Description static OptionIDPercentageEigenPairFilter.Par. ALPHA_IDThe threshold for 'strong' eigenvectors: the 'strong' eigenvectors explain a portion of at least alpha of the total variance.static OptionIDLimitEigenPairFilter.Par. EIGENPAIR_FILTER_ABSOLUTE"absolute" Flagstatic OptionIDLimitEigenPairFilter.Par. EIGENPAIR_FILTER_DELTAParameter deltastatic OptionIDFirstNEigenPairFilter.Par. EIGENPAIR_FILTER_NParameter nstatic OptionIDProgressiveEigenPairFilter.Par. EIGENPAIR_FILTER_PALPHAParameter progressive alpha.static OptionIDRelativeEigenPairFilter.Par. EIGENPAIR_FILTER_RALPHAParameter relative alpha.static OptionIDWeakEigenPairFilter.Par. EIGENPAIR_FILTER_WALPHAOptionID for the weak alpha value ofWeakEigenPairFilter,ProgressiveEigenPairFilter, andSignificantEigenPairFilterstatic OptionIDEigenPairFilter. PCA_EIGENPAIR_FILTERParameter to specify the filter for determination of the strong and weak eigenvectors, must be a subclass ofEigenPairFilter. -
Uses of OptionID in elki.math.statistics.dependence
Fields in elki.math.statistics.dependence declared as OptionID Modifier and Type Field Description static OptionIDHiCSDependence.Par. ALPHA_IDParameter that determines the size of the test statistic during the Monte-Carlo iteration.static OptionIDMCDEDependence.Par. ALPHA_IDParameter that specifies the size of the slicestatic OptionIDMCDEDependence.Par. BETA_IDParameter that specifies the size of the marginal restriction.static OptionIDHiCSDependence.Par. M_IDParameter that specifies the number of iterations in the Monte-Carlo process of identifying high contrast subspaces.static OptionIDMCDEDependence.Par. M_IDParameter that specifies the number of iterations in the Monte-Carlo process of identifying high contrast subspaces.static OptionIDHiCSDependence.Par. SEED_IDParameter that specifies the random seed.static OptionIDMCDEDependence.Par. SEED_IDParameter that specifies the random seed.static OptionIDHiCSDependence.Par. TEST_IDParameter that specifies which statistical test to use in order to calculate the deviation of two given data samples.static OptionIDMCDEDependence.Par. TEST_IDParameter that specifies which MCDE statistical test to use in order to calculate the contrast between the instances in the slice vs out of slice. -
Uses of OptionID in elki.math.statistics.distribution
Fields in elki.math.statistics.distribution declared as OptionID Modifier and Type Field Description static OptionIDBetaDistribution.Par. ALPHA_IDAlpha parameter.static OptionIDBetaDistribution.Par. BETA_IDBeta parameter.static OptionIDConstantDistribution.Par. CONSTANT_IDConstant value parameterstatic OptionIDChiDistribution.Par. DOF_IDDegrees of freedom parameter - same asChiSquaredDistribution.Par.DOF_ID.static OptionIDChiSquaredDistribution.Par. DOF_IDDegrees of freedom parameter.static OptionIDExpGammaDistribution.Par. K_IDk parameter, same asGammaDistribution.Par.K_ID.static OptionIDGammaDistribution.Par. K_IDK parameter.static OptionIDDistribution.Parameterizer. LOCATION_IDLocation parameter.static OptionIDLogNormalDistribution.Par. LOGMEAN_IDLogMean parameterstatic OptionIDLogNormalDistribution.Par. LOGSTDDEV_IDLogScale parameterstatic OptionIDUniformDistribution.Par. MAX_IDMaximum valuestatic OptionIDUniformDistribution.Par. MIN_IDMinimum valuestatic OptionIDPoissonDistribution.Par. N_IDNumber of trials.static OptionIDStudentsTDistribution.Par. NU_IDDegrees of freedom.static OptionIDPoissonDistribution.Par. PROB_IDSuccess probability.static OptionIDHaltonUniformDistribution.Par. RANDOM_IDGenerator for random distribution parametersstatic OptionIDExponentialDistribution.Par. RATE_IDShape parameter gamma.static OptionIDExponentiallyModifiedGaussianDistribution.Par. RATE_IDRate option, same asExponentialDistribution.Par.RATE_ID.static OptionIDLaplaceDistribution.Par. RATE_IDShape parameter gamma.static OptionIDDistribution.Parameterizer. SCALE_IDScale parameter.static OptionIDCauchyDistribution.Par. SHAPE_IDShape parameter gamma.static OptionIDDistribution.Parameterizer. SHAPE_IDShape parameter.static OptionIDKappaDistribution.Par. SHAPE1_IDFirst shape parameter.static OptionIDKappaDistribution.Par. SHAPE2_IDSecond shape parameter.static OptionIDExpGammaDistribution.Par. SHIFT_IDShifting offset parameter.static OptionIDLogGammaDistribution.Par. SHIFT_IDShifting offset parameter.static OptionIDLogNormalDistribution.Par. SHIFT_IDShift parameterstatic OptionIDSkewGeneralizedNormalDistribution.Par. SKEW_IDSkew parameterstatic OptionIDExpGammaDistribution.Par. THETA_IDTheta parameter, same asGammaDistribution.Par.THETA_ID.static OptionIDGammaDistribution.Par. THETA_IDTheta parameter. -
Uses of OptionID in elki.math.statistics.distribution.estimator.meta
Fields in elki.math.statistics.distribution.estimator.meta declared as OptionID Modifier and Type Field Description static OptionIDTrimmedEstimator.Par. INNER_IDOption for the class to use on the trimmed sample.static OptionIDWinsorizingEstimator.Par. INNER_IDOption for the class to use on the winsorized sample.static OptionIDTrimmedEstimator.Par. TRIM_IDOption for specifying the amount of data to trim.static OptionIDWinsorizingEstimator.Par. WINSORIZE_IDOption for specifying the amount of data to winsorize. -
Uses of OptionID in elki.math.statistics.intrinsicdimensionality
Fields in elki.math.statistics.intrinsicdimensionality declared as OptionID Modifier and Type Field Description static OptionIDLPCAEstimator.Par. FILTER_IDOption for the EigenPairFilter to use on eigenvalues. -
Uses of OptionID in elki.outlier
Fields in elki.outlier declared as OptionID Modifier and Type Field Description static OptionIDGaussianUniformMixture.Par. C_IDParameter to specify the cutoff.static OptionIDDWOF.Par. DELTA_IDOption ID for radius increasesstatic OptionIDCOP.Par. DIST_IDDistribution assumption for distances.static OptionIDCOP.Par. EXPECT_IDExpected share of outliers.static OptionIDGaussianModel.Par. INVERT_IDOptionID for inversion flag.static OptionIDCOP.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its score, must be an integer greater than 0.static OptionIDDWOF.Par. K_IDOption ID for the number of neighbors.static OptionIDSimpleCOP.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its COP_SCORE, must be an integer greater than 0.static OptionIDGaussianUniformMixture.Par. L_IDParameter to specify the fraction of expected outliers.static OptionIDCOP.Par. MODELS_IDInclude COP error vectors in output.static OptionIDCOP.Par. PCARUNNER_IDClass to compute the PCA with.static OptionIDSimpleCOP.Par. PCARUNNER_IDParameter for the PCA runner class. -
Uses of OptionID in elki.outlier.anglebased
Fields in elki.outlier.anglebased declared as OptionID Modifier and Type Field Description static OptionIDFastABOD.Par. K_IDParameter for the nearest neighbors.static OptionIDABOD.Par. KERNEL_FUNCTION_IDParameter for the kernel function.static OptionIDLBABOD.Par. L_IDParameter to specify the number of outliers to compute exactly. -
Uses of OptionID in elki.outlier.clustering
Fields in elki.outlier.clustering declared as OptionID Modifier and Type Field Description static OptionIDCBLOF.Par. ALPHPA_IDParameter to specify the alpha value to be used by the algorithm.static OptionIDCBLOF.Par. BETA_IDParameter to specify the beta value to be used by the algorithm.static OptionIDCBLOF.Par. CLUSTERING_IDParameter to specify the algorithm to be used for clustering.static OptionIDKMeansOutlierDetection.Par. CLUSTERING_IDParameter for choosing the clustering algorithm.static OptionIDSilhouetteOutlierDetection.Par. CLUSTERING_IDParameter for choosing the clustering algorithmstatic OptionIDKMeansOutlierDetection.Par. RULE_IDParameter for choosing the scoring rule. -
Uses of OptionID in elki.outlier.density
Fields in elki.outlier.density declared as OptionID Modifier and Type Field Description static OptionIDHySortOD.Par. B_IDParameter for number of bins.static OptionIDHySortOD.Par. MIN_SPLIT_IDParameter for the predefined threshold.static OptionIDIsolationForest.Par. NUM_TREES_IDParameter for the number of treesstatic OptionIDIsolationForest.Par. SEED_IDParameter to specify the seed to initialize Random.static OptionIDIsolationForest.Par. SUBSAMPLE_SIZE_IDParameter for the sub sample size -
Uses of OptionID in elki.outlier.distance
Fields in elki.outlier.distance declared as OptionID Modifier and Type Field Description static OptionIDAbstractDBOutlier.Par. D_IDParameter to specify the size of the D-neighborhoodstatic OptionIDHilOut.Par. H_IDParameter to specify the maximum Hilbert-Levelstatic OptionIDHilOut.Par. K_IDParameter to specify how many next neighbors should be used in the computationstatic OptionIDKNNDD.Par. K_IDParameter to specify the k nearest neighborstatic OptionIDKNNOutlier.Par. K_IDParameter to specify the k nearest neighborstatic OptionIDKNNWeightOutlier.Par. K_IDParameter to specify the k nearest neighbor.static OptionIDLocalIsolationCoefficient.Par. K_IDParameter to specify the k nearest neighbor.static OptionIDODIN.Par. K_IDNumber of nearest neighbors.static OptionIDReferenceBasedOutlierDetection.Par. K_IDThe number of nearest neighbors of an object, to be considered for computing its REFOD_SCORE, must be an integer greater than 1.static OptionIDKNNSOS.Par. KNN_IDParameter to specify the number of neighborsstatic OptionIDHilOut.Par. N_IDParameter to specify how many outliers should be computedstatic OptionIDDBOutlierDetection.Par. P_IDParameter to specify the minimum fraction of objects that must be outside the D- neighborhood of an outlierstatic OptionIDSOS.Par. PERPLEXITY_IDParameter to specify perplexitystatic OptionIDReferenceBasedOutlierDetection.Par. REFP_IDParameter for the reference points heuristic.static OptionIDHilOut.Par. T_IDParameter to specify p of LP-NormDistancestatic OptionIDHilOut.Par. TN_IDParameter to specify if only the Top n, or also approximations for the other elements, should be returned -
Uses of OptionID in elki.outlier.intrinsic
Fields in elki.outlier.intrinsic declared as OptionID Modifier and Type Field Description static OptionIDIDOS.Par. ESTIMATOR_IDThe class used for estimating the intrinsic dimensionality.static OptionIDISOS.Par. ESTIMATOR_IDParameter for ID estimation.static OptionIDLID.Par. ESTIMATOR_IDClass to use for estimating the ID.static OptionIDLID.Par. K_IDParameter for the number of neighbors.static OptionIDIDOS.Par. KC_IDParameter to specify the number of nearest neighbors of an object to be used for the GED computation.static OptionIDISOS.Par. KNN_IDParameter to specify the number of neighborsstatic OptionIDIDOS.Par. KR_IDParameter to specify the neighborhood size to use for the averaging. -
Uses of OptionID in elki.outlier.lof
Fields in elki.outlier.lof declared as OptionID Modifier and Type Field Description static OptionIDALOCI.Par. ALPHA_IDParameter to specify the averaging neighborhood scaling.static OptionIDLOCI.Par. ALPHA_IDParameter to specify the averaging neighborhood scaling.static OptionIDLDF.Par. C_IDOption ID for cstatic OptionIDLoOP.Par. COMPARISON_DISTANCE_FUNCTION_IDThe distance function to determine the reachability distance between database objects.static OptionIDALOCI.Par. GRIDS_IDParameter to specify the number of Grids to use.static OptionIDLDF.Par. H_IDOption ID for h - kernel bandwidth scalingstatic OptionIDKDEOS.Par. IDIM_IDIntrinsic dimensionality.static OptionIDCOF.Par. K_IDParameter to specify the neighborhood size for COF.static OptionIDINFLO.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its INFLO score.static OptionIDLDF.Par. K_IDOption ID for kstatic OptionIDLDOF.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LDOF_SCORE, must be an integer greater than 1.static OptionIDLOF.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LOF score, must be an integer greater than or equal to 1.static OptionIDVarianceOfVolume.Par. K_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its VOV score, must be an integer greater than or equal to 1.static OptionIDLoOP.Par. KCOMP_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LOOP_SCORE, must be an integer greater than 1.static OptionIDKDEOS.Par. KERNEL_IDParameter to specify the kernel density function.static OptionIDLDF.Par. KERNEL_IDOption ID for kernel.static OptionIDSimpleKernelDensityLOF.Par. KERNEL_IDOption ID for kernel density LOF kernel.static OptionIDKDEOS.Par. KERNEL_MIN_IDParameter to specify the minimum bandwidth.static OptionIDKDEOS.Par. KERNEL_SCALE_IDParameter to specify the kernel scaling factor.static OptionIDKDEOS.Par. KMAX_IDMaximum value of k to analyze.static OptionIDKDEOS.Par. KMIN_IDMinimum value of k to analyze.static OptionIDFlexibleLOF.Par. KREACH_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its reachability distance.static OptionIDLoOP.Par. KREACH_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LOOP_SCORE, must be an integer greater than 1.static OptionIDFlexibleLOF.Par. KREF_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LOF score, must be an integer greater or equal to 1.static OptionIDLoOP.Par. LAMBDA_IDParameter to specify the number of nearest neighbors of an object to be considered for computing its LOOP_SCORE, must be an integer greater than 1.static OptionIDINFLO.Par. M_IDParameter to specify if any object is a Core Object must be a double greater than 0.0static OptionIDALOCI.Par. NMIN_IDParameter to specify the minimum neighborhood sizestatic OptionIDLOCI.Par. NMIN_IDParameter to specify the minimum neighborhood sizestatic OptionIDFlexibleLOF.Par. REACHABILITY_DISTANCE_FUNCTION_IDThe distance function to determine the reachability distance between database objects.static OptionIDLoOP.Par. REACHABILITY_DISTANCE_FUNCTION_IDThe distance function to determine the reachability distance between database objects.static OptionIDLOCI.Par. RMAX_IDParameter to specify the maximum radius of the neighborhood to be considered, must be suitable to the distance function specified.static OptionIDALOCI.Par. SEED_IDParameter to specify the seed to initialize Random. -
Uses of OptionID in elki.outlier.meta
Fields in elki.outlier.meta declared as OptionID Modifier and Type Field Description static OptionIDHiCS.Par. ALGO_IDParameter that specifies which outlier detection algorithm to use on the resulting set of high contrast subspaces.static OptionIDHiCS.Par. ALPHA_IDParameter that determines the size of the test statistic during the Monte-Carlo iteration.static OptionIDFeatureBagging.Par. BREADTH_IDThe flag for using the breadth first approach.static OptionIDExternalDoubleOutlierScore.Par. FILE_IDParameter that specifies the name of the file to be re-parsed.static OptionIDExternalDoubleOutlierScore.Par. ID_IDParameter that specifies the object ID patternstatic OptionIDExternalDoubleOutlierScore.Par. INVERTED_IDFlag parameter for inverted scores.static OptionIDHiCS.Par. LIMIT_IDParameter that specifies the candidate_cutoff.static OptionIDHiCS.Par. M_IDParameter that specifies the number of iterations in the Monte-Carlo process of identifying high contrast subspaces.static OptionIDFeatureBagging.Par. NUM_IDParameter to specify the number of instances to use in the ensemble.static OptionIDExternalDoubleOutlierScore.Par. SCALING_IDParameter to specify a scaling function to use.static OptionIDRescaleMetaOutlierAlgorithm.Par. SCALING_IDParameter to specify a scaling function to use.static OptionIDExternalDoubleOutlierScore.Par. SCORE_IDParameter that specifies the object score patternstatic OptionIDFeatureBagging.Par. SEED_IDThe parameter to specify the random seed.static OptionIDHiCS.Par. SEED_IDParameter that specifies the random seed.static OptionIDHiCS.Par. TEST_IDParameter that specifies which statistical test to use in order to calculate the deviation of two given data samples.static OptionIDSimpleOutlierEnsemble.Par. VOTING_IDVoting strategy to use in the ensemble. -
Uses of OptionID in elki.outlier.spatial
Fields in elki.outlier.spatial declared as OptionID Modifier and Type Field Description static OptionIDCTLuGLSBackwardSearchAlgorithm.Par. ALPHA_IDHolds the alpha value - significance niveaustatic OptionIDCTLuRandomWalkEC.Par. ALPHA_IDParameter to specify alpha.static OptionIDCTLuRandomWalkEC.Par. C_IDParameter to specify the c.static OptionIDCTLuGLSBackwardSearchAlgorithm.Par. K_IDParameter to specify the k nearest neighborsstatic OptionIDCTLuRandomWalkEC.Par. K_IDParameter to specify the number of neighbors.static OptionIDAbstractNeighborhoodOutlier. NEIGHBORHOOD_IDParameter to specify the neighborhood predicate to use.static OptionIDAbstractDistanceBasedSpatialOutlier.Par. NON_SPATIAL_DISTANCE_FUNCTION_IDParameter to specify the non spatial distance function to usestatic OptionIDTrimmedMeanApproach.Par. P_IDParameter for the percentile value p. -
Uses of OptionID in elki.outlier.spatial.neighborhood
Fields in elki.outlier.spatial.neighborhood declared as OptionID Modifier and Type Field Description static OptionIDPrecomputedKNearestNeighborNeighborhood.Factory.Par. DISTANCEFUNCTION_IDParameter to specify the distance function to usestatic OptionIDPrecomputedKNearestNeighborNeighborhood.Factory.Par. K_IDParameter kstatic OptionIDExternalNeighborhood.Factory.Par. NEIGHBORHOOD_FILE_IDParameter to specify the neighborhood filestatic OptionIDExtendedNeighborhood.Factory.Par. NEIGHBORHOOD_IDParameter to specify the neighborhood predicate to use.static OptionIDExtendedNeighborhood.Factory.Par. STEPS_IDParameter to specify the number of steps allowed -
Uses of OptionID in elki.outlier.spatial.neighborhood.weighted
Fields in elki.outlier.spatial.neighborhood.weighted declared as OptionID Modifier and Type Field Description static OptionIDUnweightedNeighborhoodAdapter.Factory.Par. INNER_IDThe parameter to give the non-weighted neighborhood to use.static OptionIDLinearWeightedExtendedNeighborhood.Factory.Par. NEIGHBORHOOD_IDParameter to specify the neighborhood predicate to use.static OptionIDLinearWeightedExtendedNeighborhood.Factory.Par. STEPS_IDParameter to specify the number of steps allowed -
Uses of OptionID in elki.outlier.subspace
Fields in elki.outlier.subspace declared as OptionID Modifier and Type Field Description static OptionIDOutRankS1.Par. ALGORITHM_IDClustering algorithm to use.static OptionIDOutRankS1.Par. ALPHA_IDAlpha parameter for S1static OptionIDSOD.Par. ALPHA_IDParameter to indicate the multiplier for the discriminance value for discerning small from large variances.static OptionIDOUTRES.Par. D_IDOption ID for Epsilon parameterstatic OptionIDAbstractAggarwalYuOutlier.Par. K_IDOptionID for the target dimensionality.static OptionIDSOD.Par. KNN_IDParameter to specify the number of shared nearest neighbors to be considered for learning the subspace properties, must be an integer greater than 0.static OptionIDAggarwalYuEvolutionary.Par. M_IDParameter to specify the number of solutions must be an integer greater than 1.static OptionIDSOD.Par. MODELS_IDParameter for keeping the models.static OptionIDAbstractAggarwalYuOutlier.Par. PHI_IDOptionID for the grid size.static OptionIDAggarwalYuEvolutionary.Par. SEED_IDParameter to specify the random generator seed.static OptionIDSOD.Par. SIM_IDParameter for the similarity function. -
Uses of OptionID in elki.outlier.svm
Fields in elki.outlier.svm declared as OptionID Modifier and Type Field Description static OptionIDSVDD.Par. C_IDSVM C parameterstatic OptionIDLibSVMOneClassOutlierDetection.Par. GAMMA_IDSVM gamma parameterstatic OptionIDLibSVMOneClassOutlierDetection.Par. KERNEL_IDParameter for kernel function.static OptionIDOCSVM.Par. KERNEL_IDParameter for kernel function.static OptionIDSVDD.Par. KERNEL_IDParameter for kernel function.static OptionIDLibSVMOneClassOutlierDetection.Par. NU_IDSVM nu parameterstatic OptionIDOCSVM.Par. NU_IDSVM nu parameter -
Uses of OptionID in elki.outlier.trivial
Fields in elki.outlier.trivial declared as OptionID Modifier and Type Field Description static OptionIDTrivialGeneratedOutlier.Par. EXPECT_IDExpected share of outliersstatic OptionIDByLabelOutlier.Par. OUTLIER_PATTERN_IDThe pattern to match outliers with. -
Uses of OptionID in elki.persistent
Fields in elki.persistent declared as OptionID Modifier and Type Field Description static OptionIDLRUCachePageFileFactory.Par. CACHE_SIZE_IDParameter to specify the size of the cache in bytes, must be an integer equal to or greater than 0.static OptionIDOnDiskArrayPageFileFactory.Par. FILE_IDOptional parameter that specifies the name of the file storing the index.static OptionIDPersistentPageFileFactory.Par. FILE_IDOptional parameter that specifies the name of the file storing the index.static OptionIDAbstractPageFileFactory.Par. PAGE_SIZE_IDParameter to specify the size of a page in bytes, must be an integer greater than 0.static OptionIDLRUCachePageFileFactory.Par. PAGEFILE_IDParameter to specify the inner pagefile. -
Uses of OptionID in elki.projection
Fields in elki.projection declared as OptionID Modifier and Type Field Description static OptionIDSNE.Par. AFFINITY_IDAffinity matrix builder.static OptionIDTSNE.Par. AFFINITY_IDAffinity matrix builder.static OptionIDSNE.Par. DIM_IDDesired projection dimensionality.static OptionIDTSNE.Par. DIM_IDDesired projection dimensionality.static OptionIDIntrinsicNearestNeighborAffinityMatrixBuilder.Par. ESTIMATOR_IDParameter for ID estimation.static OptionIDSNE.Par. ITER_IDNumber of iterations to execute.static OptionIDTSNE.Par. ITER_IDNumber of iterations to execute.static OptionIDAbstractProjectionAlgorithm. KEEP_IDFlag to keep the original projectionstatic OptionIDSNE.Par. LEARNING_RATE_IDInitial learning rate.static OptionIDTSNE.Par. LEARNING_RATE_IDInitial learning rate.static OptionIDSNE.Par. MOMENTUM_IDInitial momentum.static OptionIDTSNE.Par. MOMENTUM_IDInitial momentum.static OptionIDPerplexityAffinityMatrixBuilder.Par. PERPLEXITY_IDPerplexity parameter, the number of neighbors to preserve.static OptionIDSNE.Par. RANDOM_IDRandom generator seed.static OptionIDTSNE.Par. RANDOM_IDRandom generator seed.static OptionIDGaussianAffinityMatrixBuilder.Par. SIGMA_IDSigma parameter, the Gaussian bandwidthstatic OptionIDBarnesHutTSNE.Par. THETA_IDParameter for the approximation quality. -
Uses of OptionID in elki.result
Fields in elki.result declared as OptionID Modifier and Type Field Description static OptionIDClusteringVectorDumper.Par. APPEND_IDAppend flag.static OptionIDKMLOutputHandler.Par. AUTOOPEN_IDParameter for automatically opening the output file.static OptionIDKMLOutputHandler.Par. COMPAT_IDParameter for compatibility mode.static OptionIDResultWriter.Par. FILTER_PATTERN_IDPattern to filter the outputstatic OptionIDExportVisualizations.Par. FOLDER_IDParameter to specify the output folderstatic OptionIDClusteringVectorDumper.Par. FORCE_LABEL_IDForce label parameter.static OptionIDExportVisualizations.Par. FORMAT_IDParameter to specify the output formatstatic OptionIDResultWriter.Par. GZIP_OUTPUT_IDFlag to control GZIP compression.static OptionIDExportVisualizations.Par. IWIDTH_IDParameter to specify the image width of pixel formatsstatic OptionIDClusteringVectorDumper.Par. OUT_IDOutput file name parameter.static OptionIDResultWriter.Par. OVERWRITE_OPTION_IDFlag to suppress overwrite warning.static OptionIDExportVisualizations.Par. RATIO_IDParameter to specify the canvas ratiostatic OptionIDKMLOutputHandler.Par. SCALING_IDParameter for scaling functionsstatic OptionIDAutomaticVisualization.Par. SINGLE_IDFlag to set single displaystatic OptionIDAutomaticVisualization.Par. WINDOW_TITLE_IDParameter to specify the window title -
Uses of OptionID in elki.similarity
Fields in elki.similarity declared as OptionID Modifier and Type Field Description static OptionIDInvertedDistanceSimilarity. DISTANCE_FUNCTION_IDParameter to specify the similarity function to derive the distance between database objects from.static OptionIDAbstractIndexBasedSimilarity.Par. INDEX_IDParameter to specify the preprocessor to be used. -
Uses of OptionID in elki.similarity.kernel
Fields in elki.similarity.kernel declared as OptionID Modifier and Type Field Description static OptionIDPolynomialKernel.Par. BIAS_IDBias parameter.static OptionIDRationalQuadraticKernel.Par. C_IDC parameterstatic OptionIDSigmoidKernel.Par. C_IDC parameter: scalingstatic OptionIDPolynomialKernel.Par. DEGREE_IDDegree parameter.static OptionIDRadialBasisFunctionKernel.Par. GAMMA_IDGamma parameter.static OptionIDLaplaceKernel.Par. SIGMA_IDSigma parameter: standard deviation.static OptionIDRadialBasisFunctionKernel.Par. SIGMA_IDSigma parameter: standard deviation.static OptionIDSigmoidKernel.Par. THETA_IDTheta parameter: bias -
Uses of OptionID in elki.timeseries
Fields in elki.timeseries declared as OptionID Modifier and Type Field Description static OptionIDSigniTrendChangeDetection.Par. BIAS_IDBias adjustment for chancestatic OptionIDOfflineChangePointDetectionAlgorithm.Par. BOOTSTRAP_IDNumber of samples for bootstrap significance.static OptionIDOfflineChangePointDetectionAlgorithm.Par. CONFIDENCE_IDMininum confidence.static OptionIDSigniTrendChangeDetection.Par. HALFLIFE_IDParameter for half-life aging.static OptionIDSigniTrendChangeDetection.Par. MINSIGMA_IDSigma reporting threshold.static OptionIDOfflineChangePointDetectionAlgorithm.Par. RANDOM_IDRandom generator seed. -
Uses of OptionID in elki.utilities
Methods in elki.utilities with parameters of type OptionID Modifier and Type Method Description ELKIBuilder<T>ELKIBuilder. with(OptionID opt)Add a flag to the builder.ELKIBuilder<T>ELKIBuilder. with(OptionID opt, java.lang.Object value)Add an option to the builder. -
Uses of OptionID in elki.utilities.ensemble
Fields in elki.utilities.ensemble declared as OptionID Modifier and Type Field Description static OptionIDEnsembleVotingMedian.Par. QUANTILE_IDOption ID for the quantile -
Uses of OptionID in elki.utilities.optionhandling
Methods in elki.utilities.optionhandling that return OptionID Modifier and Type Method Description static OptionIDOptionID. getOrCreateOptionID(java.lang.String name, java.lang.String description)Gets or creates the OptionID for the given class and given name. -
Uses of OptionID in elki.utilities.optionhandling.parameterization
Methods in elki.utilities.optionhandling.parameterization with parameters of type OptionID Modifier and Type Method Description ListParameterizationListParameterization. addFlag(OptionID optionid)Add a flag to the parameter listListParameterizationListParameterization. addParameter(OptionID optionid, java.lang.Object value)Add a parameter to the parameter list -
Uses of OptionID in elki.utilities.optionhandling.parameters
Fields in elki.utilities.optionhandling.parameters declared as OptionID Modifier and Type Field Description protected OptionIDAbstractParameter. optionidThe option name.Methods in elki.utilities.optionhandling.parameters that return OptionID Modifier and Type Method Description OptionIDAbstractParameter. getOptionID()OptionIDParameter. getOptionID()Return the OptionID of this option.Constructors in elki.utilities.optionhandling.parameters with parameters of type OptionID Constructor Description AbstractParameter(OptionID optionID)Constructs a parameter with the given optionID, and constraints.AbstractParameter(OptionID optionID, T defaultValue)Constructs a parameter with the given optionID, constraints, and default value.ClassListParameter(OptionID optionID, java.lang.Class<?> restrictionClass)Constructs a class list parameter with the given optionID and restriction class.ClassParameter(OptionID optionID, java.lang.Class<?> restrictionClass)Constructs a class parameter with the given optionID, and restriction class.ClassParameter(OptionID optionID, java.lang.Class<?> restrictionClass, java.lang.Class<?> defaultValue)Constructs a class parameter with the given optionID, restriction class, and default value.DoubleArrayListParameter(OptionID optionID)Constructs a vector list parameter with the given name and description.DoubleArrayListParameter(OptionID optionID, ParameterConstraint<java.util.List<double[]>> constraint)Constructs a vector list parameter with the given name and description.DoubleArrayListParameter(OptionID optionID, ParameterConstraint<java.util.List<double[]>> constraint, java.util.List<double[]> defaultValue)Constructs a vector list parameter with the given name and description.DoubleArrayListParameter(OptionID optionID, java.util.List<double[]> defaultValue)Constructs a vector list parameter with the given name and description.DoubleListParameter(OptionID optionID)Constructs a list parameter with the given optionID.DoubleParameter(OptionID optionID)Constructs a double parameter with the given optionID.DoubleParameter(OptionID optionID, double defaultValue)Constructs a double parameter with the given optionID and default value.EnumParameter(OptionID optionID, java.lang.Class<E> enumClass)Constructs an enum parameter with the given optionID, constraints and default value.EnumParameter(OptionID optionID, java.lang.Class<E> enumClass, E defaultValue)Constructs an enum parameter with the given optionID, constraints and default value.FileListParameter(OptionID optionID, FileListParameter.FilesType filesType)Constructs a file list parameter with the given optionID, and file type.FileParameter(OptionID optionID, FileParameter.FileType fileType)Constructs a file parameter with the given optionID, and file type.Flag(OptionID optionID)Constructs a flag object with the given optionID.IntGeneratorParameter(OptionID optionID)Constructs an integer list parameterIntListParameter(OptionID optionID)Constructs an integer list parameterIntParameter(OptionID optionID)Constructs an integer parameter with the given optionID.IntParameter(OptionID optionID, int defaultValue)Constructs an integer parameter with the given optionID.ListParameter(OptionID optionID)Constructs a list parameter with the given optionID.ListParameter(OptionID optionID, T defaultValue)Constructs a list parameter with the given optionID.LongParameter(OptionID optionID)Constructs a long parameter with the given optionID.LongParameter(OptionID optionID, long defaultValue)Constructs a long parameter with the given optionID and default value.NumberParameter(OptionID optionID)Constructs a number parameter with the given optionID.NumberParameter(OptionID optionID, T defaultValue)Constructs a number parameter with the given optionID and default Value.ObjectListParameter(OptionID optionID, java.lang.Class<?> restrictionClass)Constructor for non-optional.ObjectParameter(OptionID optionID, java.lang.Class<?> restrictionClass)Constructs a class parameter with the given optionID, and restriction class.ObjectParameter(OptionID optionID, java.lang.Class<?> restrictionClass, java.lang.Class<?> defaultValue)Constructs a class parameter with the given optionID, restriction class, and default value.ObjectParameter(OptionID optionID, java.lang.Class<?> restrictionClass, T defaultValue)Constructs a class parameter with the given optionID, restriction class, and default value.PatternParameter(OptionID optionID)Constructs a pattern parameter with the given optionID.PatternParameter(OptionID optionID, java.lang.String defaultValue)Constructs a pattern parameter with the given optionID, and default value.PatternParameter(OptionID optionID, java.util.regex.Pattern defaultValue)Constructs a pattern parameter with the given optionID, and default value.RandomParameter(OptionID optionID)Constructor without default.RandomParameter(OptionID optionID, RandomFactory defaultValue)Constructor with default value.StringParameter(OptionID optionID)Constructs a string parameter with the given optionID.StringParameter(OptionID optionID, java.lang.String defaultValue)Constructs a string parameter with the given optionID, and default value. -
Uses of OptionID in elki.utilities.referencepoints
Fields in elki.utilities.referencepoints declared as OptionID Modifier and Type Field Description static OptionIDGridBasedReferencePoints.Par. GRID_IDParameter to specify the grid resolution.static OptionIDGridBasedReferencePoints.Par. GRID_SCALE_IDParameter to specify the extra scaling of the space, to allow out-of-data-space reference points.static OptionIDRandomGeneratedReferencePoints.Par. N_IDParameter to specify the number of requested reference points.static OptionIDRandomSampleReferencePoints.Par. N_IDParameter to specify the sample size.static OptionIDStarBasedReferencePoints.Par. NOCENTER_IDParameter to specify the grid resolution.static OptionIDRandomGeneratedReferencePoints.Par. RANDOM_IDParameter to specify the sample size.static OptionIDRandomSampleReferencePoints.Par. RANDOM_IDParameter to specify the sample size.static OptionIDRandomGeneratedReferencePoints.Par. SCALE_IDParameter for additional scaling of the space, to allow out-of-space reference points.static OptionIDStarBasedReferencePoints.Par. SCALE_IDParameter to specify the extra scaling of the space, to allow out-of-data-space reference points.static OptionIDAxisBasedReferencePoints.Par. SPACE_SCALE_IDParameter to specify the extra scaling of the space, to allow out-of-data-space reference points. -
Uses of OptionID in elki.utilities.scaling
Fields in elki.utilities.scaling declared as OptionID Modifier and Type Field Description static OptionIDGammaScaling.Par. GAMMA_IDOptionID for the gamma value.static OptionIDClipScaling. MAX_IDParameter to specify the maximum valuestatic OptionIDClipScaling. MIN_IDParameter to specify a fixed minimum to use. -
Uses of OptionID in elki.utilities.scaling.outlier
Fields in elki.utilities.scaling.outlier declared as OptionID Modifier and Type Field Description static OptionIDTopKOutlierScaling.Par. BINARY_IDParameter to specify the lambda valuestatic OptionIDTopKOutlierScaling.Par. K_IDParameter to specify the number of outliers to keepstatic OptionIDSqrtStandardDeviationScaling.Par. LAMBDA_IDParameter to specify the lambda valuestatic OptionIDStandardDeviationScaling.Par. LAMBDA_IDParameter to specify the lambda valuestatic OptionIDOutlierLinearScaling.Par. MAX_IDParameter to specify the maximum value.static OptionIDOutlierSqrtScaling.Par. MAX_IDParameter to specify the fixed maximum to use.static OptionIDOutlierLinearScaling.Par. MEAN_IDFlag to use the mean as minimum for scaling.static OptionIDSqrtStandardDeviationScaling.Par. MEAN_IDParameter to specify a fixed mean to use.static OptionIDStandardDeviationScaling.Par. MEAN_IDParameter to specify a fixed mean to use.static OptionIDOutlierLinearScaling.Par. MIN_IDParameter to specify a fixed minimum to use.static OptionIDOutlierSqrtScaling.Par. MIN_IDParameter to specify the fixed minimum to use.static OptionIDSqrtStandardDeviationScaling.Par. MIN_IDParameter to specify the fixed minimum to use.static OptionIDOutlierGammaScaling.Par. NORMALIZE_IDNormalization flag.static OptionIDOutlierLinearScaling.Par. NOZEROS_IDFlag to use ignore zeros when computing the min and max.static OptionIDCOPOutlierScaling.Par. PHI_IDPhi parameter. -
Uses of OptionID in elki.visualization
Fields in elki.visualization declared as OptionID Modifier and Type Field Description static OptionIDVisualizerParameterizer.Par. ENABLEVIS_IDParameter to enable visualizersstatic OptionIDVisualizerParameterizer.Par. SAMPLING_IDParameter to set the sampling levelstatic OptionIDVisualizerParameterizer.Par. SHOWVIS_IDParameter to show visualizers hidden by defaultstatic OptionIDVisualizerParameterizer.Par. STYLELIB_IDParameter to get the style properties file. -
Uses of OptionID in elki.visualization.parallel3d
Fields in elki.visualization.parallel3d declared as OptionID Modifier and Type Field Description static OptionIDOpenGL3DParallelCoordinates.Par. LAYOUT_IDOption for layouting method -
Uses of OptionID in elki.visualization.parallel3d.layout
Fields in elki.visualization.parallel3d.layout declared as OptionID Modifier and Type Field Description static OptionIDSimilarityBasedLayouter3DPC. SIM_IDOption for similarity measure. -
Uses of OptionID in elki.visualization.projector
Fields in elki.visualization.projector declared as OptionID Modifier and Type Field Description static OptionIDScatterPlotFactory.Par. MAXDIM_IDParameter for the maximum number of dimensions. -
Uses of OptionID in elki.visualization.visualizers.histogram
Fields in elki.visualization.visualizers.histogram declared as OptionID Modifier and Type Field Description static OptionIDColoredHistogramVisualizer.Par. HISTOGRAM_BINS_IDParameter to specify the number of bins to use in histogram.static OptionIDColoredHistogramVisualizer.Par. STYLE_CURVES_IDFlag to specify the "curves" rendering style. -
Uses of OptionID in elki.visualization.visualizers.parallel.cluster
Fields in elki.visualization.visualizers.parallel.cluster declared as OptionID Modifier and Type Field Description static OptionIDClusterOutlineVisualization.Par. STRAIGHT_IDOption string to draw straight lines for hull. -
Uses of OptionID in elki.visualization.visualizers.scatterplot
Fields in elki.visualization.visualizers.scatterplot declared as OptionID Modifier and Type Field Description static OptionIDTooltipScoreVisualization.Par. DIGITS_IDParameter for the gamma-correction. -
Uses of OptionID in elki.visualization.visualizers.scatterplot.cluster
Fields in elki.visualization.visualizers.scatterplot.cluster declared as OptionID Modifier and Type Field Description static OptionIDClusterAlphaHullVisualization.Par. ALPHA_IDAlpha-Value for alpha-shapesstatic OptionIDVoronoiVisualization.Par. MODE_IDMode for drawing: Voronoi, Delaunay, both. -
Uses of OptionID in elki.visualization.visualizers.scatterplot.index
Fields in elki.visualization.visualizers.scatterplot.index declared as OptionID Modifier and Type Field Description static OptionIDTreeMBRVisualization.Par. FILL_IDFlag for half-transparent filling of bubbles. -
Uses of OptionID in elki.visualization.visualizers.scatterplot.outlier
Fields in elki.visualization.visualizers.scatterplot.outlier declared as OptionID Modifier and Type Field Description static OptionIDBubbleVisualization.Par. FILL_IDFlag for half-transparent filling of bubbles.static OptionIDBubbleVisualization.Par. SCALING_IDParameter for scaling functions -
Uses of OptionID in elki.visualization.visualizers.scatterplot.selection
Fields in elki.visualization.visualizers.scatterplot.selection declared as OptionID Modifier and Type Field Description static OptionIDSelectionCubeVisualization.Par. NOFILL_IDFlag for half-transparent filling of selection cubes. -
Uses of OptionID in elki.visualization.visualizers.visunproj
Fields in elki.visualization.visualizers.visunproj declared as OptionID Modifier and Type Field Description static OptionIDDendrogramVisualization.Par. LAYOUT_IDDendrogram positioning logic.static OptionIDDendrogramVisualization.Par. STYLE_IDDendrogram drawing style. -
Uses of OptionID in elki.workflow
Fields in elki.workflow declared as OptionID Modifier and Type Field Description static OptionIDAlgorithmStep.Par. ALGORITHM_IDParameter to specify the algorithm to run.static OptionIDInputStep.Par. DATABASE_IDOption ID to specify the database typestatic OptionIDEvaluationStep.Par. EVALUATOR_IDParameter ID to specify the evaluators to run.static OptionIDOutputStep.Par. OUTPUT_IDOptionID for the application output file/folder.static OptionIDOutputStep.Par. RESULT_HANDLER_IDParameter to specify the result handler classes.static OptionIDAlgorithmStep.Par. TIME_IDFlag to allow verbose messages while running the application. -
Uses of OptionID in tutorial.clustering
Fields in tutorial.clustering declared as OptionID Modifier and Type Field Description static OptionIDCFSFDP.Par. DC_IDDistance cutoff parameter.static OptionIDCFSFDP.Par. K_IDNumber of clusters parameter.static OptionIDNaiveAgglomerativeHierarchicalClustering3.Par. LINKAGE_IDOption ID for linkage parameter.static OptionIDNaiveAgglomerativeHierarchicalClustering4.Par. LINKAGE_IDOption ID for linkage parameter. -
Uses of OptionID in tutorial.distancefunction
Fields in tutorial.distancefunction declared as OptionID Modifier and Type Field Description static OptionIDMultiLPNorm.Par. EXPONENTS_IDOption ID for the exponents -
Uses of OptionID in tutorial.outlier
Fields in tutorial.outlier declared as OptionID Modifier and Type Field Description static OptionIDDistanceStddevOutlier.Par. K_IDOption ID for parameterization.static OptionIDODIN.Par. K_IDParameter for the number of nearest neighbors.
-