Uses of Class
elki.utilities.random.RandomFactory
-
Packages that use RandomFactory Package Description elki.algorithm Miscellaneous algorithms.elki.algorithm.statistics Statistical analysis algorithms.elki.application.benchmark Benchmarking pseudo algorithms.elki.application.experiments Packaged experiments to make them easy to reproduce.elki.application.statistics Applications to compute some basic data set statistics.elki.clustering.biclustering Biclustering algorithms.elki.clustering.correlation Correlation clustering algorithms.elki.clustering.hierarchical.birch BIRCH 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.subspace Axis-parallel subspace clustering algorithms.elki.clustering.uncertain Clustering algorithms for uncertain data.elki.data.projection.random Random projection families.elki.database.ids Database object identification and ID group handling API.elki.datasource Data normalization (and reconstitution) of data sets.elki.datasource.filter.cleaning Filters for data cleaning.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.evaluation.classification.holdout Holdout and cross-validation strategies for evaluating classifiers.elki.index.laesa Linear Approximating and Eliminating Search Algorithm (LAESA).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.projected Projected indexes for data.elki.index.tree.metrical.mtreevariants.strategies.split Splitting strategies of nodes in an M-tree (and variants).elki.index.tree.metrical.vptree elki.math.linearalgebra.pca Principal Component Analysis (PCA) and eigenvector processing.elki.math.statistics.dependence Statistical measures of dependence, such as correlation.elki.math.statistics.dependence.mcde Tests tailored to be used withMCDEDependence.elki.math.statistics.distribution Standard distributions, with random generation functionalities.elki.outlier.density Density-based outlier detection algorithms.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.meta Meta outlier detection algorithms: external scores, score rescaling.elki.outlier.subspace Subspace outlier detection methods.elki.projection Data projections (see also preprocessing filters for basic projections).elki.timeseries Algorithms for change point detection in time series.elki.utilities.optionhandling.parameters Classes for various typed parameters.elki.utilities.random Random number generation.elki.utilities.referencepoints Package containing strategies to obtain reference points.elki.visualization Visualization package of ELKI.elki.visualization.visualizers.scatterplot.uncertain Visualizers for uncertain data. -
-
Uses of RandomFactory in elki.algorithm
Fields in elki.algorithm declared as RandomFactory Modifier and Type Field Description protected RandomFactoryKNNDistancesSampler.Par. rndRandom number seeding.protected RandomFactoryKNNDistancesSampler. rndRandom number seeding.Constructors in elki.algorithm with parameters of type RandomFactory Constructor Description KNNDistancesSampler(Distance<? super O> distance, int k, double sample, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.algorithm.statistics
Fields in elki.algorithm.statistics declared as RandomFactory Modifier and Type Field Description protected RandomFactoryDistanceQuantileSampler.Par. randRandom generator.private RandomFactoryDistanceQuantileSampler. randRandom generator.private RandomFactoryAveragePrecisionAtK. randomRandom sampling seed.protected RandomFactoryEvaluateRetrievalPerformance. randomRandom sampling seed.protected RandomFactoryHopkinsStatisticClusteringTendency.Par. randomRandom source.protected RandomFactoryHopkinsStatisticClusteringTendency. randomRandom generator seeding.protected RandomFactoryAveragePrecisionAtK.Par. seedRandom sampling seed.protected RandomFactoryEvaluateRetrievalPerformance.Par. seedRandom sampling seed.Constructors in elki.algorithm.statistics with parameters of type RandomFactory Constructor Description AveragePrecisionAtK(Distance<? super O> distance, int k, double sampling, RandomFactory random, boolean includeSelf)Constructor.DistanceQuantileSampler(Distance<? super O> distance, double quantile, double sampling, boolean nozeros, RandomFactory rand)Constructor.EvaluateRetrievalPerformance(Distance<? super O> distance, double sampling, RandomFactory random, boolean includeSelf, int maxk)Constructor.HopkinsStatisticClusteringTendency(NumberVectorDistance<? super NumberVector> distance, int samplesize, RandomFactory random, int rep, int k, double[] minima, double[] maxima)Constructor. -
Uses of RandomFactory in elki.application.benchmark
Fields in elki.application.benchmark declared as RandomFactory Modifier and Type Field Description protected RandomFactoryKNNBenchmark.Par. randomRandom generator factoryprotected RandomFactoryKNNBenchmark. randomRandom generator factoryprotected RandomFactoryPrioritySearchBenchmark.Par. randomRandom generator factoryprotected RandomFactoryPrioritySearchBenchmark. randomRandom generator factoryprotected RandomFactoryRangeQueryBenchmark.Par. randomRandom generator factoryprotected RandomFactoryRangeQueryBenchmark. randomRandom generator factoryprotected RandomFactoryValidateApproximativeKNNIndex.Par. randomRandom generator factoryprotected RandomFactoryValidateApproximativeKNNIndex. randomRandom generator factoryConstructors in elki.application.benchmark with parameters of type RandomFactory Constructor Description KNNBenchmark(InputStep inputstep, Distance<? super O> distance, int k, DatabaseConnection queries, double sampling, RandomFactory random)Constructor.PrioritySearchBenchmark(InputStep inputstep, Distance<? super O> distance, int k, DatabaseConnection queries, double sampling, RandomFactory random)Constructor.RangeQueryBenchmark(InputStep input, Distance<? super O> distance, double radius, double sampling, RandomFactory random)Constructor.RangeQueryBenchmark(InputStep input, Distance<? super O> distance, DatabaseConnection queries, double sampling, RandomFactory random)Constructor.ValidateApproximativeKNNIndex(InputStep input, Distance<? super O> distance, int k, DatabaseConnection queries, double sampling, boolean forcelinear, RandomFactory random, java.util.regex.Pattern pattern)Constructor. -
Uses of RandomFactory in elki.application.experiments
Fields in elki.application.experiments declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryEvaluateIntrinsicDimensionalityEstimators.Par. rndRandom generator.(package private) RandomFactoryEvaluateIntrinsicDimensionalityEstimators. rndRandom generator.(package private) RandomFactoryORLibBenchmark.Par. rndRandom generator for shuffling.private RandomFactoryORLibBenchmark. rndRandom generator for shuffling.Constructors in elki.application.experiments with parameters of type RandomFactory Constructor Description EvaluateIntrinsicDimensionalityEstimators(int startk, int maxk, int samples, int dim, EvaluateIntrinsicDimensionalityEstimators.Aggregate agg, EvaluateIntrinsicDimensionalityEstimators.OutputFormat format, RandomFactory rnd)Constructor.ORLibBenchmark(java.net.URI file, java.lang.Class<? extends ClusteringAlgorithm<?>> alg, KMedoidsInitialization<DBID> init, int k, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.application.statistics
Fields in elki.application.statistics declared as RandomFactory Modifier and Type Field Description protected RandomFactoryRangeQuerySelectivity.Par. randomRandom sampling seed.protected RandomFactoryRangeQuerySelectivity. randomRandom sampling seed.Constructors in elki.application.statistics with parameters of type RandomFactory Constructor Description RangeQuerySelectivity(InputStep inputstep, Distance<? super V> distance, double radius, double sampling, RandomFactory random)Constructor. -
Uses of RandomFactory in elki.clustering.biclustering
Fields in elki.clustering.biclustering declared as RandomFactory Modifier and Type Field Description private RandomFactoryChengAndChurch.Par. rndRandom generatorprivate RandomFactoryChengAndChurch. rndRandom generatorConstructors in elki.clustering.biclustering with parameters of type RandomFactory Constructor Description ChengAndChurch(double delta, double alpha, int n, Distribution dist, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.clustering.correlation
Fields in elki.clustering.correlation declared as RandomFactory Modifier and Type Field Description private RandomFactoryLMCLUS.Par. rndRandom generatorprivate RandomFactoryLMCLUS. rndRandom factoryprotected RandomFactoryORCLUS.Par. rndRandom number generation.private RandomFactoryORCLUS. rndRandom generatorConstructors in elki.clustering.correlation with parameters of type RandomFactory Constructor Description LMCLUS(int maxdim, int minsize, int samplingLevel, double sensitivityThreshold, RandomFactory rnd)Constructor.ORCLUS(int k, int k_i, int l, double alpha, RandomFactory rnd, PCARunner pca)Java constructor. -
Uses of RandomFactory in elki.clustering.hierarchical.birch
Fields in elki.clustering.hierarchical.birch declared as RandomFactory Modifier and Type Field Description protected RandomFactoryBIRCHKMeansPlusPlus. randomRandom generatorprotected RandomFactoryBIRCHKMeansPlusPlus.Par. rndRandom generatorConstructors in elki.clustering.hierarchical.birch with parameters of type RandomFactory Constructor Description BIRCHKMeansPlusPlus(RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.clustering.kcenter
Fields in elki.clustering.kcenter declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryGreedyKCenter.Par. randRandom factory for choosing the first element.(package private) RandomFactoryGreedyKCenter. randRandom factory for choosing the first element.Constructors in elki.clustering.kcenter with parameters of type RandomFactory Constructor Description GreedyKCenter(int k, Distance<? super O> distance, RandomFactory rand)Constructor. -
Uses of RandomFactory in elki.clustering.kmeans
Fields in elki.clustering.kmeans declared as RandomFactory Modifier and Type Field Description protected RandomFactoryXMeans.Par. randomRandom number generator.(package private) RandomFactoryXMeans. rndRandom factory.Constructors in elki.clustering.kmeans with parameters of type RandomFactory Constructor Description GMeans(NumberVectorDistance<? super V> distance, double critical, int k_min, int k_max, int maxiter, KMeans<V,M> innerKMeans, KMeansInitialization initializer, RandomFactory random)Constructor.XMeans(NumberVectorDistance<? super V> distance, int k_min, int k_max, int maxiter, KMeans<V,M> innerKMeans, KMeansInitialization initializer, KMeansQualityMeasure<V> informationCriterion, RandomFactory random)Constructor. -
Uses of RandomFactory in elki.clustering.kmeans.initialization
Fields in elki.clustering.kmeans.initialization declared as RandomFactory Modifier and Type Field Description protected RandomFactoryAbstractKMeansInitialization.Par. rndRandom generatorprotected RandomFactoryAbstractKMeansInitialization. rndRandom number generatorConstructors in elki.clustering.kmeans.initialization with parameters of type RandomFactory Constructor Description AbstractKMeansInitialization(RandomFactory rnd)Constructor.AFKMC2(int m, RandomFactory rnd)Constructor.FarthestPoints(RandomFactory rnd, boolean dropfirst)Constructor.FarthestSumPoints(RandomFactory rnd, boolean dropfirst)Constructor.Instance(Relation<? extends NumberVector> relation, NumberVectorDistance<?> distance, int m, RandomFactory rnd)Constructor.Instance(Relation<? extends NumberVector> relation, NumberVectorDistance<?> distance, int m, RandomFactory rnd)Constructor.Instance(DBIDs ids, RandomFactory rnd)Constructor.Instance(Relation<? extends NumberVector> relation, int m, double alpha, RandomFactory rnd)Constructor.Instance(Relation<? extends NumberVector> relation, double alpha, RandomFactory rnd)Constructor.KMC2(int m, RandomFactory rnd)Constructor.KMeansPlusPlus(RandomFactory rnd)Constructor.MedoidsInstance(DBIDs ids, DistanceQuery<?> distQ, RandomFactory rnd)NumberVectorInstance(Relation<? extends NumberVector> relation, NumberVectorDistance<?> distance, RandomFactory rnd)Constructor.NumberVectorInstance(Relation<? extends NumberVector> relation, NumberVectorDistance<?> distance, RandomFactory rnd)Constructor.Ostrovsky(RandomFactory rnd)Constructor.RandomlyChosen(RandomFactory rnd)Constructor.RandomNormalGenerated(RandomFactory rnd)Constructor.RandomUniformGenerated(RandomFactory rnd)Constructor.SampleKMeans(RandomFactory rnd, KMeans<V,?> innerkMeans, double rate)Constructor.SphericalAFKMC2(int m, double alpha, RandomFactory rnd)Constructor.SphericalKMeansPlusPlus(double alpha, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.clustering.kmeans.initialization.betula
Fields in elki.clustering.kmeans.initialization.betula declared as RandomFactory Modifier and Type Field Description protected RandomFactoryAbstractCFKMeansInitialization. rfRandom number generatorprotected RandomFactoryAbstractCFKMeansInitialization.Par. rndRandom generatorConstructors in elki.clustering.kmeans.initialization.betula with parameters of type RandomFactory Constructor Description AbstractCFKMeansInitialization(RandomFactory rf)Constructor.CFKPlusPlusLeaves(CFInitWeight dist, boolean firstUniform, RandomFactory rf)Constructor.CFKPlusPlusTree(CFInitWeight dist, boolean firstUniform, int maxdepth, RandomFactory rf)Constructor.CFKPlusPlusTrunk(CFInitWeight dist, boolean firstUniform, RandomFactory rf)Constructor.CFRandomlyChosen(RandomFactory rf)Constructor.CFWeightedRandomlyChosen(RandomFactory rf)Constructor. -
Uses of RandomFactory in elki.clustering.kmedoids
Fields in elki.clustering.kmedoids declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryCLARA.Par. randomRandom factory for initialization.(package private) RandomFactoryCLARA. randomRandom factory for initialization.(package private) RandomFactoryCLARANS.Par. randomRandom factory for initialization.protected RandomFactoryCLARANS. randomRandom factory for initialization.(package private) RandomFactoryFastCLARA.Par. randomRandom factory for initialization.(package private) RandomFactoryFastCLARA. randomRandom factory for initialization.(package private) RandomFactoryFasterCLARA.Par. randomRandom factory for initialization.(package private) RandomFactoryFasterCLARA. randomRandom factory for initialization.Constructors in elki.clustering.kmedoids with parameters of type RandomFactory Constructor Description CLARA(Distance<? super V> distance, int k, int maxiter, KMedoidsInitialization<V> initializer, int numsamples, double sampling, boolean keepmed, RandomFactory random)Constructor.CLARANS(Distance<? super O> distance, int k, int numlocal, double maxneighbor, RandomFactory random)Constructor.FastCLARA(Distance<? super V> distance, int k, int maxiter, KMedoidsInitialization<V> initializer, double fasttol, int numsamples, double sampling, boolean keepmed, RandomFactory random)Constructor.FastCLARANS(Distance<? super V> distance, int k, int numlocal, double maxneighbor, RandomFactory random)Constructor.FasterCLARA(Distance<? super O> distance, int k, int maxiter, KMedoidsInitialization<O> initializer, int numsamples, double sampling, boolean keepmed, RandomFactory random)Constructor. -
Uses of RandomFactory in elki.clustering.kmedoids.initialization
Fields in elki.clustering.kmedoids.initialization declared as RandomFactory Modifier and Type Field Description private RandomFactoryLAB. rndRandom generatorConstructors in elki.clustering.kmedoids.initialization with parameters of type RandomFactory Constructor Description LAB(RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.clustering.subspace
Fields in elki.clustering.subspace declared as RandomFactory Modifier and Type Field Description protected RandomFactoryDOC.Par. randomRandom seeding factory.protected RandomFactoryDOC. rndRandomizer used internally for sampling points.protected RandomFactoryPROCLUS.Par. rndRandom generatorprivate RandomFactoryPROCLUS. rndRandom generatorConstructors in elki.clustering.subspace with parameters of type RandomFactory Constructor Description DOC(double alpha, double beta, double w, RandomFactory random)Constructor.FastDOC(double alpha, double beta, double w, int d_zero, RandomFactory random)Constructor.PROCLUS(int k, int k_i, int l, int m_i, RandomFactory rnd)Java constructor. -
Uses of RandomFactory in elki.clustering.uncertain
Fields in elki.clustering.uncertain declared as RandomFactory Modifier and Type Field Description protected RandomFactoryFDBSCANNeighborPredicate. randThe random generator to draw the samples with.protected RandomFactoryRepresentativeUncertainClustering.Par. randomRandom factory for sampling.protected RandomFactoryRepresentativeUncertainClustering. randomRandom factory for sampling.protected RandomFactoryUKMeans.Par. rndOur Random factoryprotected RandomFactoryUKMeans. rndOur Random factoryprotected RandomFactoryFDBSCAN.Par. seedRandom generator.protected RandomFactoryFDBSCANNeighborPredicate.Par. seedRandom generator.Constructors in elki.clustering.uncertain with parameters of type RandomFactory Constructor Description FDBSCAN(double epsilon, int sampleSize, double threshold, RandomFactory seed, int minpts)Constructor that initialized GeneralizedDBSCAN.FDBSCANNeighborPredicate(double epsilon, int sampleSize, double threshold, RandomFactory seed)Constructor.Instance(double epsilon, int sampleSize, double threshold, Relation<? extends UncertainObject> relation, RandomFactory rand)Constructor.RepresentativeUncertainClustering(ClusteringDistanceSimilarity distance, ClusteringAlgorithm<?> metaAlgorithm, ClusteringAlgorithm<?> samplesAlgorithm, int numsamples, RandomFactory random, double alpha, boolean keep)Constructor, quite trivial.UKMeans(int k, int maxiter, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.data.projection.random
Fields in elki.data.projection.random declared as RandomFactory Modifier and Type Field Description protected RandomFactoryAbstractRandomProjectionFamily.Par. randomRandom generator.Constructors in elki.data.projection.random with parameters of type RandomFactory Constructor Description AbstractRandomProjectionFamily(RandomFactory random)Constructor.AchlioptasRandomProjectionFamily(double sparsity, RandomFactory random)Constructor.CauchyRandomProjectionFamily(RandomFactory random)Constructor.GaussianRandomProjectionFamily(RandomFactory random)Constructor.RandomSubsetProjectionFamily(RandomFactory random)Constructor.SimplifiedRandomHyperplaneProjectionFamily(RandomFactory random)Constructor. -
Uses of RandomFactory in elki.database.ids
Methods in elki.database.ids with parameters of type RandomFactory Modifier and Type Method Description static DBIDsDBIDUtil. randomSample(DBIDs ids, double rate, RandomFactory random)Produce a random sample of the given DBIDs.static ModifiableDBIDsDBIDUtil. randomSample(DBIDs source, int k, RandomFactory rnd)Produce a random sample of the given DBIDs.static DBIDVarDBIDUtil. randomSample(DBIDs ids, RandomFactory random)Draw a single random sample.static ModifiableDBIDsDBIDUtil. randomSampleExcept(DBIDs source, DBIDRef except, int k, RandomFactory rnd)Produce a random sample of the given DBIDs.static voidDBIDUtil. randomShuffle(ArrayModifiableDBIDs ids, RandomFactory rnd)Produce a random shuffling of the given DBID array.static ArrayDBIDs[]DBIDUtil. randomSplit(DBIDs ids, int p, RandomFactory rnd)Randomly split IDs intoppartitions of almost-equal size. -
Uses of RandomFactory in elki.datasource
Fields in elki.datasource declared as RandomFactory Modifier and Type Field Description private RandomFactoryGeneratorXMLDatabaseConnection. clusterRandomRandom generator used for initializing cluster generators.(package private) RandomFactoryGeneratorXMLDatabaseConnection.Par. clusterRandomRandom generator used for initializing cluster generators.(package private) RandomFactoryRandomDoubleVectorDatabaseConnection.Par. rndRandom generator.protected RandomFactoryRandomDoubleVectorDatabaseConnection. rndRandom generatorConstructors in elki.datasource with parameters of type RandomFactory Constructor Description GeneratorXMLDatabaseConnection(java.util.List<? extends ObjectFilter> filters, java.net.URI specfile, double sizescale, java.util.regex.Pattern reassign, boolean reassignByDistance, RandomFactory clusterRandom)Constructor.RandomDoubleVectorDatabaseConnection(int dim, int size, RandomFactory rnd, java.util.List<? extends ObjectFilter> filters)Constructor. -
Uses of RandomFactory in elki.datasource.filter.cleaning
Fields in elki.datasource.filter.cleaning declared as RandomFactory Modifier and Type Field Description private RandomFactoryReplaceNaNWithRandomFilter.Par. rndRandom generator.Constructors in elki.datasource.filter.cleaning with parameters of type RandomFactory Constructor Description ReplaceNaNWithRandomFilter(Distribution dist, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.datasource.filter.selection
Fields in elki.datasource.filter.selection declared as RandomFactory Modifier and Type Field Description protected RandomFactoryRandomSamplingStreamFilter.Par. rndRandom generator(package private) RandomFactoryShuffleObjectsFilter.Par. rndRandom generator(package private) RandomFactoryShuffleObjectsFilter. rndRandom generator.Constructors in elki.datasource.filter.selection with parameters of type RandomFactory Constructor Description RandomSamplingStreamFilter(double prob, RandomFactory rnd)Constructor.ShuffleObjectsFilter(RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.datasource.filter.transform
Fields in elki.datasource.filter.transform declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryFastMultidimensionalScalingTransform.Par. randomRandom generator.(package private) RandomFactoryFastMultidimensionalScalingTransform. randomRandom generator.(package private) RandomFactoryHistogramJitterFilter.Par. rndRandom generator seed.protected RandomFactoryNumberVectorRandomFeatureSelectionFilter.Par. rndRandom generator.protected RandomFactoryNumberVectorRandomFeatureSelectionFilter. rndHolds a random generator.Constructors in elki.datasource.filter.transform with parameters of type RandomFactory Constructor Description FastMultidimensionalScalingTransform(int tdim, PrimitiveDistance<? super I> dist, NumberVector.Factory<O> factory, RandomFactory random)Constructor.HistogramJitterFilter(double jitter, RandomFactory rnd)Constructor.NumberVectorRandomFeatureSelectionFilter(int dim, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.datasource.filter.typeconversions
Fields in elki.datasource.filter.typeconversions declared as RandomFactory Modifier and Type Field Description protected RandomFactoryUncertainifyFilter.Par. randRandom generator.Constructors in elki.datasource.filter.typeconversions with parameters of type RandomFactory Constructor Description UncertainifyFilter(Uncertainifier<UO> generator, boolean keep, RandomFactory randf)Constructor. -
Uses of RandomFactory in elki.evaluation.classification.holdout
Fields in elki.evaluation.classification.holdout declared as RandomFactory Modifier and Type Field Description protected RandomFactoryRandomizedHoldout.Par. randomThe random generator.protected RandomFactoryRandomizedHoldout. randomThe random generator.Constructors in elki.evaluation.classification.holdout with parameters of type RandomFactory Constructor Description DisjointCrossValidation(RandomFactory random, int nfold)Constructor.RandomizedCrossValidation(RandomFactory random, int nfold)Constructor for n-fold cross-validation.RandomizedHoldout(RandomFactory random)Sets the parameter seed to the parameterToDescription map. -
Uses of RandomFactory in elki.index.laesa
Fields in elki.index.laesa declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryLAESA.Factory.Par. rngRandom generator(package private) RandomFactoryLAESA.Factory. rngRandom generator(package private) RandomFactoryLAESA. rngRandom generatorConstructors in elki.index.laesa with parameters of type RandomFactory Constructor Description Factory(Distance<? super O> distance, int m, int k, RandomFactory rng)Constructor.LAESA(Relation<O> relation, Distance<? super O> distance, int m, int k, RandomFactory rng)Constructor. -
Uses of RandomFactory in elki.index.lsh.hashfamilies
Fields in elki.index.lsh.hashfamilies declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryAbstractProjectedHashFunctionFamily.Par. randomRandom generator to use.protected RandomFactoryAbstractProjectedHashFunctionFamily. randomRandom generator to use.(package private) RandomFactoryCosineHashFunctionFamily.Par. randomRandom generator to use.Constructors in elki.index.lsh.hashfamilies with parameters of type RandomFactory Constructor Description AbstractProjectedHashFunctionFamily(RandomFactory random, RandomProjectionFamily proj, double width, int k)Constructor.CosineHashFunctionFamily(int k, RandomFactory random)Constructor.EuclideanHashFunctionFamily(RandomFactory random, double width, int k)Constructor.ManhattanHashFunctionFamily(RandomFactory random, double width, int k)Constructor. -
Uses of RandomFactory in elki.index.preprocessed.fastoptics
Fields in elki.index.preprocessed.fastoptics declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryRandomProjectedNeighborsAndDensities.Par. rndRandom factory.(package private) RandomFactoryRandomProjectedNeighborsAndDensities. rndRandom factory.Constructors in elki.index.preprocessed.fastoptics with parameters of type RandomFactory Constructor Description RandomProjectedNeighborsAndDensities(RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.index.preprocessed.knn
Fields in elki.index.preprocessed.knn declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryNaiveProjectedKNNPreprocessor.Factory.Par. randomRandom number generator.(package private) RandomFactoryNaiveProjectedKNNPreprocessor.Factory. randomRandom number generator.(package private) RandomFactorySpacefillingKNNPreprocessor.Factory.Par. randomRandom number generator.(package private) RandomFactorySpacefillingKNNPreprocessor.Factory. randomRandom number generator.(package private) RandomFactorySpacefillingMaterializeKNNPreprocessor.Factory.Par. randomRandom number generator.(package private) RandomFactorySpacefillingMaterializeKNNPreprocessor.Factory. randomRandom number generator.private RandomFactoryNNDescent.Factory.Par. rndRandom generatorprivate RandomFactoryNNDescent.Factory. rndRandom generatorprivate RandomFactoryNNDescent. rndRandom generatorprivate RandomFactoryPartitionApproximationMaterializeKNNPreprocessor.Factory.Par. rndRandom generatorprivate RandomFactoryPartitionApproximationMaterializeKNNPreprocessor.Factory. rndRandom generatorprivate RandomFactoryPartitionApproximationMaterializeKNNPreprocessor. rndRandom generatorprivate RandomFactoryRandomSampleKNNPreprocessor.Factory.Par. rndRandom generatorprivate RandomFactoryRandomSampleKNNPreprocessor.Factory. rndRandom generatorprivate RandomFactoryRandomSampleKNNPreprocessor. rndRandom generatorConstructors in elki.index.preprocessed.knn with parameters of type RandomFactory Constructor Description Factory(double window, int projections, RandomProjectionFamily proj, RandomFactory random)Constructor.Factory(int k, Distance<? super O> distance, RandomFactory rnd, double delta, double rho, boolean noInitialNeighbors, int iterations)Constructor.Factory(int k, Distance<? super O> distance, int partitions, RandomFactory rnd)Constructor.Factory(int k, Distance<? super O> distance, double share, RandomFactory rnd)Constructor.Factory(java.util.List<? extends SpatialSorter> curvegen, double window, int variants, int odim, RandomProjectionFamily proj, RandomFactory random)Constructor.Factory(int k, Distance<? super V> distance, java.util.List<? extends SpatialSorter> curvegen, double window, int variants, RandomFactory random)Constructor.NNDescent(Relation<O> relation, Distance<? super O> distance, int k, RandomFactory rnd, double delta, double rho, boolean noInitialNeighbors, int iterations)Constructor.PartitionApproximationMaterializeKNNPreprocessor(Relation<O> relation, Distance<? super O> distance, int k, int partitions, RandomFactory rnd)ConstructorRandomSampleKNNPreprocessor(Relation<O> relation, Distance<? super O> distance, int k, double share, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.index.projected
Fields in elki.index.projected declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryPINN.Par. randomRandom generator.Constructors in elki.index.projected with parameters of type RandomFactory Constructor Description PINN(IndexFactory<O> inner, int t, double s, double h, RandomFactory random)Constructor. -
Uses of RandomFactory in elki.index.tree.metrical.mtreevariants.strategies.split
Fields in elki.index.tree.metrical.mtreevariants.strategies.split declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryRandomSplit.Par. rndRandom generatorConstructors in elki.index.tree.metrical.mtreevariants.strategies.split with parameters of type RandomFactory Constructor Description RandomSplit(DistributionStrategy distributor, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.index.tree.metrical.vptree
Fields in elki.index.tree.metrical.vptree declared as RandomFactory Modifier and Type Field Description protected RandomFactoryGNAT.Factory.Par. randomRandom generator(package private) RandomFactoryGNAT.Factory. randomRandom factory(package private) RandomFactoryGNAT. randomRandom factory for selecting vantage pointsprotected RandomFactoryVPTree.Factory.Par. randomRandom generator(package private) RandomFactoryVPTree.Factory. randomRandom factory(package private) RandomFactoryVPTree. randomRandom factory for selecting vantage pointsConstructors in elki.index.tree.metrical.vptree with parameters of type RandomFactory Constructor Description Factory(Distance<? super O> distFunc, RandomFactory random, int numberVantagePoints)Constructor.Factory(Distance<? super O> distFunc, RandomFactory random, int sampleSize, int truncate)Constructor.GNAT(Relation<O> relation, Distance<? super O> distance, RandomFactory random, int numberVPs)Constructor.VPTree(Relation<O> relation, Distance<? super O> distance, RandomFactory random, int sampleSize, int truncate)Constructor. -
Uses of RandomFactory in elki.math.linearalgebra.pca
Fields in elki.math.linearalgebra.pca declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryRANSACCovarianceMatrixBuilder.Par. rndRandom generator(package private) RandomFactoryRANSACCovarianceMatrixBuilder. rndRandom generatorConstructors in elki.math.linearalgebra.pca with parameters of type RandomFactory Constructor Description RANSACCovarianceMatrixBuilder(int iterations, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.math.statistics.dependence
Fields in elki.math.statistics.dependence declared as RandomFactory Modifier and Type Field Description private RandomFactoryHiCSDependence.Par. rndRandom generator.private RandomFactoryHiCSDependence. rndRandom generatorprotected RandomFactoryMCDEDependence.Par. rndRandom generator.protected RandomFactoryMCDEDependence. rndRandom generator.Constructors in elki.math.statistics.dependence with parameters of type RandomFactory Constructor Description HiCSDependence(GoodnessOfFitTest statTest, int m, double alpha, RandomFactory rnd)Constructor.MCDEDependence(int m, double alpha, double beta, RandomFactory rnd, MCDETest<?> mcdeTest)Constructor. -
Uses of RandomFactory in elki.math.statistics.dependence.mcde
Fields in elki.math.statistics.dependence.mcde declared as RandomFactory Modifier and Type Field Description protected RandomFactoryMWPTest. rndRandom generator. -
Uses of RandomFactory in elki.math.statistics.distribution
Fields in elki.math.statistics.distribution declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryHaltonUniformDistribution.Par. rndGenerator to choose random parameters. -
Uses of RandomFactory in elki.outlier.density
Fields in elki.outlier.density declared as RandomFactory Modifier and Type Field Description protected RandomFactoryIsolationForest.Par. rndRandom generatorprivate RandomFactoryIsolationForest. rndRandom generatorConstructors in elki.outlier.density with parameters of type RandomFactory Constructor Description IsolationForest(int numTrees, int subsampleSize, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.outlier.lof
Fields in elki.outlier.lof declared as RandomFactory Modifier and Type Field Description protected RandomFactoryALOCI.Par. rndRandom generatorprivate RandomFactoryALOCI. rndRandom generatorConstructors in elki.outlier.lof with parameters of type RandomFactory Constructor Description ALOCI(NumberVectorDistance<? super V> distance, int nmin, int alpha, int g, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.outlier.meta
Fields in elki.outlier.meta declared as RandomFactory Modifier and Type Field Description protected RandomFactoryFeatureBagging.Par. rndRandom generator.private RandomFactoryFeatureBagging. rndRandom number generator for subspace choice.private RandomFactoryHiCS.Par. rndRandom generator.private RandomFactoryHiCS. rndRandom generator.Constructors in elki.outlier.meta with parameters of type RandomFactory Constructor Description FeatureBagging(int k, int num, boolean breadth, RandomFactory rnd)Constructor.HiCS(int m, double alpha, OutlierAlgorithm outlierAlgorithm, GoodnessOfFitTest statTest, int cutoff, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.outlier.subspace
Fields in elki.outlier.subspace declared as RandomFactory Modifier and Type Field Description protected RandomFactoryAggarwalYuEvolutionary.Par. rndRandom generatorprivate RandomFactoryAggarwalYuEvolutionary. rndRandom generator.Constructors in elki.outlier.subspace with parameters of type RandomFactory Constructor Description AggarwalYuEvolutionary(int k, int phi, int m, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.projection
Fields in elki.projection declared as RandomFactory Modifier and Type Field Description protected RandomFactorySNE.Par. randomRandom generatorprotected RandomFactorySNE. randomRandom generatorprotected RandomFactoryTSNE.Par. randomRandom generatorprotected RandomFactoryTSNE. randomRandom generatorConstructors in elki.projection with parameters of type RandomFactory Constructor Description BarnesHutTSNE(AffinityMatrixBuilder<? super O> affinity, int dim, double finalMomentum, double learningRate, int maxIterations, RandomFactory random, boolean keep, double theta)Constructor.SNE(AffinityMatrixBuilder<? super O> affinity, int dim, double finalMomentum, double learningRate, int iterations, RandomFactory random, boolean keep)Constructor.SNE(AffinityMatrixBuilder<? super O> affinity, int dim, RandomFactory random)Constructor with default values.TSNE(AffinityMatrixBuilder<? super O> affinity, int dim, double finalMomentum, double learningRate, int iterations, RandomFactory random, boolean keep)Constructor.TSNE(AffinityMatrixBuilder<? super O> affinity, int dim, RandomFactory random)Constructor with default values. -
Uses of RandomFactory in elki.timeseries
Fields in elki.timeseries declared as RandomFactory Modifier and Type Field Description (package private) RandomFactoryOfflineChangePointDetectionAlgorithm.Par. rndRandom generator(package private) RandomFactoryOfflineChangePointDetectionAlgorithm. rndRandom generatorConstructors in elki.timeseries with parameters of type RandomFactory Constructor Description OfflineChangePointDetectionAlgorithm(double confidence, int bootstrapSteps, RandomFactory rnd)Constructor -
Uses of RandomFactory in elki.utilities.optionhandling.parameters
Methods in elki.utilities.optionhandling.parameters that return RandomFactory Modifier and Type Method Description protected RandomFactoryRandomParameter. parseValue(java.lang.Object obj)Method parameters in elki.utilities.optionhandling.parameters with type arguments of type RandomFactory Modifier and Type Method Description booleanRandomParameter. grab(Parameterization config, java.util.function.Consumer<RandomFactory> consumer)Get the parameter.Constructors in elki.utilities.optionhandling.parameters with parameters of type RandomFactory Constructor Description RandomParameter(OptionID optionID, RandomFactory defaultValue)Constructor with default value. -
Uses of RandomFactory in elki.utilities.random
Fields in elki.utilities.random declared as RandomFactory Modifier and Type Field Description static RandomFactoryRandomFactory. DEFAULTGlobal default factoryMethods in elki.utilities.random that return RandomFactory Modifier and Type Method Description static RandomFactoryRandomFactory. get(java.lang.Long seed)Factory method: Get a random factory for the given seed. -
Uses of RandomFactory in elki.utilities.referencepoints
Fields in elki.utilities.referencepoints declared as RandomFactory Modifier and Type Field Description protected RandomFactoryRandomGeneratedReferencePoints.Par. rndRandom generator.protected RandomFactoryRandomGeneratedReferencePoints. rndRandom generator.protected RandomFactoryRandomSampleReferencePoints.Par. rndRandom generator.protected RandomFactoryRandomSampleReferencePoints. rndRandom generator.Constructors in elki.utilities.referencepoints with parameters of type RandomFactory Constructor Description RandomGeneratedReferencePoints(int samplesize, double scale, RandomFactory rnd)Constructor.RandomSampleReferencePoints(int samplesize, RandomFactory rnd)Constructor. -
Uses of RandomFactory in elki.visualization
Fields in elki.visualization declared as RandomFactory Modifier and Type Field Description private RandomFactoryVisualizerParameterizer. rndRandom seed for sampling. -
Uses of RandomFactory in elki.visualization.visualizers.scatterplot.uncertain
Fields in elki.visualization.visualizers.scatterplot.uncertain declared as RandomFactory Modifier and Type Field Description protected RandomFactoryUncertainSamplesVisualization.Instance. randomRandom factory.
-