Uses of Interface
elki.database.ids.DBIDs
-
Packages that use DBIDs Package Description elki.algorithm Miscellaneous algorithms.elki.application.greedyensemble Greedy ensembles for outlier detection.elki.clustering Clustering algorithms.elki.clustering.correlation Correlation clustering algorithms.elki.clustering.correlation.cash Helper classes for theCASHalgorithm.elki.clustering.dbscan DBSCAN and its generalizations.elki.clustering.dbscan.predicates Neighbor and core predicated for Generalized DBSCAN.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.kmeans K-means clustering and variations.elki.clustering.kmeans.initialization Initialization strategies for k-means.elki.clustering.kmeans.spherical Spherical k-means clustering and variations.elki.clustering.kmedoids K-medoids clustering (PAM).elki.clustering.kmedoids.initialization elki.clustering.optics OPTICS family of clustering algorithms.elki.clustering.silhouette Silhouette clustering algorithms.elki.clustering.subspace Axis-parallel subspace clustering algorithms.elki.clustering.subspace.clique Helper classes for theCLIQUEalgorithm.elki.clustering.trivial Trivial clustering algorithms: all in one, no clusters, label clusterings.elki.clustering.uncertain Clustering algorithms for uncertain data.elki.data Basic classes for different data types, database object types and label types.elki.data.model Cluster models classes for various algorithms.elki.data.type Data type information, also used for type restrictions.elki.database ELKI database layer - loading, storing, indexing and accessing data.elki.database.datastore General data store layer API (along the lines ofMap<DBID, T>- use everywhere!)elki.database.datastore.memory Memory data store implementation for ELKI.elki.database.ids Database object identification and ID group handling API.elki.database.ids.integer Integer-based DBID implementation -- do not use directly - always useDBIDUtil.elki.database.relation Relations, materialized and virtual (views).elki.distance Distance functions for use within ELKI.elki.evaluation.clustering.pairsegments Pair-segment analysis of multiple clusterings.elki.evaluation.outlier Evaluate an outlier score using a misclassification based cost model.elki.evaluation.scores Evaluation of rankings and scorings.elki.evaluation.scores.adapter Adapter classes for ranking and scoring measures.elki.index Index structure implementations.elki.index.lsh Locality Sensitive Hashing.elki.index.preprocessed.fastoptics Preprocessed index used by the FastOPTICS algorithm.elki.index.preprocessed.knn Indexes providing KNN and rKNN 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.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.mkmax elki.index.tree.metrical.mtreevariants.mtree elki.index.tree.metrical.vptree elki.index.tree.spatial.kd K-d-tree and variants.elki.index.tree.spatial.rstarvariants.deliclu elki.index.tree.spatial.rstarvariants.flat elki.index.tree.spatial.rstarvariants.rdknn elki.index.tree.spatial.rstarvariants.rstar elki.itemsetmining Algorithms for frequent itemset mining such as APRIORI.elki.math.linearalgebra The linear algebra package provides classes and computational methods for operations on matrices and vectors.elki.math.linearalgebra.pca Principal Component Analysis (PCA) and eigenvector processing.elki.math.spacefillingcurves Space filling curves.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.density Density-based outlier detection algorithms.elki.outlier.intrinsic Outlier detection algorithms based on intrinsic dimensionality.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.spatial.neighborhood Spatial outlier neighborhood classes.elki.outlier.subspace Subspace outlier detection methods.elki.parallel Parallel processing core for ELKI.elki.result Result types, representation and handling.elki.result.outlier Outlier result classes.elki.similarity Similarity functions.elki.similarity.kernel Kernel functions.elki.svm.data elki.utilities.datastructures.unionfind Union-find data structures.elki.visualization.style Style management for ELKI visualizations.elki.visualization.visualizers.scatterplot.selection Visualizers for object selection based on 2D projections.tutorial.clustering Classes from the tutorial on implementing a custom k-means variation. -
-
Uses of DBIDs in elki.algorithm
Methods in elki.algorithm with parameters of type DBIDs Modifier and Type Method Description CorrelationAnalysisSolutionDependencyDerivator. generateModel(Relation<V> db, DBIDs ids)Runs the pca on the given set of IDs.CorrelationAnalysisSolutionDependencyDerivator. generateModel(Relation<V> relation, DBIDs ids, double[] centroid)Runs the pca on the given set of IDs and for the given centroid.WritableDataStore<KNNList>KNNJoin. run(Relation<? extends SpatialComparable> relation, DBIDs ids)Inner run method.WritableDataStore<KNNList>KNNJoin. run(AbstractRStarTree<?,?,?> idx, DBIDs ids)Inner run method. -
Uses of DBIDs in elki.application.greedyensemble
Methods in elki.application.greedyensemble with parameters of type DBIDs Modifier and Type Method Description static Relation<NumberVector>GreedyEnsembleExperiment. applyPrescaling(ScalingFunction scaling, Relation<NumberVector> relation, DBIDs skip)Prescale each vector (except when inskip) with the given scaling function.(package private) voidComputeKNNOutlierScores. writeResult(java.lang.Appendable out, DBIDs ids, OutlierResult result, ScalingFunction scaling, java.lang.String label)Write a single output line. -
Uses of DBIDs in elki.clustering
Methods in elki.clustering with parameters of type DBIDs Modifier and Type Method Description static ArrayModifiableDBIDs[]ClusteringAlgorithmUtil. partitionsFromIntegerLabels(DBIDs ids, IntegerDataStore assignment, int k)Collect clusters from their [0;k-1] integer labels. -
Uses of DBIDs in elki.clustering.correlation
Methods in elki.clustering.correlation with parameters of type DBIDs Modifier and Type Method Description private MaterializedRelation<ParameterizationFunction>CASH. buildDB(int dim, double[][] basis, DBIDs ids, Relation<ParameterizationFunction> relation)Builds a dim-1 dimensional database where the objects are projected into the specified subspace.private Relation<DoubleVector>CASH. buildDerivatorDB(Relation<ParameterizationFunction> relation, DBIDs ids)Builds a database for the derivator consisting of the ids in the specified interval.private LMCLUS.SeparationLMCLUS. findSeparation(Relation<? extends NumberVector> relation, DBIDs currentids, int dimension, java.util.Random r)This method samples a number of linear manifolds an tries to determine which the one with the best cluster is.private voidCASH. initHeap(ObjectHeap<CASHInterval> heap, Relation<ParameterizationFunction> relation, int dim, DBIDs ids)Initializes the heap with the root intervals.private LinearEquationSystemCASH. runDerivator(Relation<ParameterizationFunction> relation, int dimensionality, DBIDs ids)Runs the derivator on the specified interval and assigns all points having a distance less then the standard deviation of the derivator model to the model to this model. -
Uses of DBIDs in elki.clustering.correlation.cash
Methods in elki.clustering.correlation.cash with parameters of type DBIDs Modifier and Type Method Description ModifiableDBIDsCASHIntervalSplit. determineIDs(DBIDs superSetIDs, HyperBoundingBox interval, double d_min, double d_max)Determines the ids belonging to the given interval, i.e. the parameterization functions falling within the interval.voidCASHInterval. removeIDs(DBIDs ids2)Removes the specified ids from this interval. -
Uses of DBIDs in elki.clustering.dbscan
Methods in elki.clustering.dbscan with parameters of type DBIDs Modifier and Type Method Description protected Clustering<Model>GriDBSCAN.Instance. buildResult(DBIDs ids, int clusterid)Assemble the clustering result.protected intLSDBC. expandCluster(int clusterid, WritableIntegerDataStore clusterids, KNNSearcher<DBIDRef> knnq, DBIDs neighbors, double maxkdist, FiniteProgress progress)Set-based expand cluster implementation.private voidLSDBC. fillDensities(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore dens)Collect all densities into an array for sorting.private booleanLSDBC. isLocalMaximum(double kdist, DBIDs neighbors, WritableDoubleDataStore kdists)Test if a point is a local density maximum.private intGriDBSCAN.Instance. runDBSCANOnCell(DBIDs cellids, Relation<V> relation, ModifiableDoubleDBIDList neighbors, ArrayModifiableDBIDs activeSet, int clusterid) -
Uses of DBIDs in elki.clustering.dbscan.predicates
Classes in elki.clustering.dbscan.predicates that implement DBIDs Modifier and Type Class Description static classCOPACNeighborPredicate.COPACModelModel used by COPAC for core point property.Fields in elki.clustering.dbscan.predicates declared as DBIDs Modifier and Type Field Description protected DBIDsAbstractRangeQueryNeighborPredicate.Instance. idsDBIDs to processprotected DBIDsEpsilonNeighborPredicate.Instance. idsDBIDs to processprotected DBIDsSimilarityNeighborPredicate.Instance. idsDBIDs to processMethods in elki.clustering.dbscan.predicates that return DBIDs Modifier and Type Method Description DBIDsAbstractRangeQueryNeighborPredicate.Instance. getIDs()DBIDsEpsilonNeighborPredicate.Instance. getIDs()DBIDsNeighborPredicate.Instance. getIDs()Get the IDs the predicate is defined for.DBIDsSimilarityNeighborPredicate.Instance. getIDs()DBIDsERiCNeighborPredicate.Instance. getNeighbors(DBIDRef reference)Methods in elki.clustering.dbscan.predicates that return types with arguments of type DBIDs Modifier and Type Method Description SimpleTypeInformation<DBIDs>ERiCNeighborPredicate. getOutputType()Methods in elki.clustering.dbscan.predicates with parameters of type DBIDs Modifier and Type Method Description booleanMinPtsCorePredicate.Instance. isCorePoint(DBIDRef point, DBIDs neighbors)DBIDIterERiCNeighborPredicate.Instance. iterDBIDs(DBIDs neighbors)Method parameters in elki.clustering.dbscan.predicates with type arguments of type DBIDs Modifier and Type Method Description booleanMinPtsCorePredicate. acceptsType(SimpleTypeInformation<? extends DBIDs> type)Constructors in elki.clustering.dbscan.predicates with parameters of type DBIDs Constructor Description Instance(DBIDs ids, DataStore<M> storage)Constructor.Instance(DBIDs ids, DataStore<COPACNeighborPredicate.COPACModel> storage)Constructor.Instance(double epsilon, RangeSearcher<DBIDRef> rq, DBIDs ids)Constructor.Instance(DBIDs ids, DataStore<PCAFilteredResult> storage, Relation<? extends NumberVector> relation)Constructor.Instance(DBIDs ids, DataStore<PreDeConNeighborPredicate.PreDeConModel> storage)Constructor.Instance(DBIDs ids, DataStore<PreDeConNeighborPredicate.PreDeConModel> storage)Constructor.Instance(double epsilon, RangeSearcher<DBIDRef> rq, DBIDs ids)Constructor. -
Uses of DBIDs in elki.clustering.hierarchical
Methods in elki.clustering.hierarchical with parameters of type DBIDs Modifier and Type Method Description protected WritableDoubleDataStoreAbstractHDBSCAN. computeCoreDists(DBIDs ids, KNNSearcher<DBIDRef> knnQ, int minPts)Compute the core distances for all objects.private static doubleHACAM.Instance. distanceSum(DistanceQuery<?> dq, DBIDIter i, DBIDs cy, double distsum, double minDistSum)Find the maximum distance of one object to a set.private static doubleMiniMax.Instance. findMax(DistanceQuery<?> dq, DBIDIter i, DBIDs cy, double maxDist, double minMaxDist)Find the maximum distance of one object to a set.private static doubleMedoidLinkage.Instance. findMedoid(DistanceQuery<?> dq, DBIDs c, DBIDArrayMIter prototype)Find the prototypes.private static doubleHACAM.Instance. findPrototype(DistanceQuery<?> dq, DBIDs cx, DBIDs cy, DBIDVar prototype, double minDistSum)Find the prototypes.private static doubleMiniMax.Instance. findPrototype(DistanceQuery<?> dq, DBIDs cx, DBIDs cy, DBIDVar prototype, double minMaxDist)Find the prototypes.private static doubleHACAM.Instance. findPrototypeSingleton(DistanceQuery<?> dq, DBIDs cx, DBIDRef cy, DBIDVar prototype)Find the prototypes.private static doubleMiniMax.Instance. findPrototypeSingleton(DistanceQuery<?> dq, DBIDs cx, DBIDRef cy, DBIDVar prototype)Find the prototypes.private voidSLINKHDBSCANLinearMemory. step2(DBIDRef id, DBIDs processedIDs, DistanceQuery<? super O> distQuery, DoubleDataStore coredists, WritableDoubleDataStore m)Second step: Determine the pairwise distances from all objects in the pointer representation to the new object with the specified id.private voidSLINKHDBSCANLinearMemory. step3(DBIDRef id, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, DBIDs processedIDs, WritableDoubleDataStore m)Third step: Determine the values for P and Lprivate voidSLINKHDBSCANLinearMemory. step4(DBIDRef id, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, DBIDs processedIDs)Fourth step: Actualize the clusters if necessary -
Uses of DBIDs in elki.clustering.hierarchical.birch
Methods in elki.clustering.hierarchical.birch with parameters of type DBIDs Modifier and Type Method Description CFTreeCFTree.Factory. newTree(DBIDs ids, Relation<? extends NumberVector> relation)Make a new tree. -
Uses of DBIDs in elki.clustering.hierarchical.extraction
Methods in elki.clustering.hierarchical.extraction with parameters of type DBIDs Modifier and Type Method Description voidSimplifiedHierarchyExtraction.TempCluster. addDBIDs(DBIDs ids)Add new objects to the cluster.protected Cluster<DendrogramModel>AbstractCutDendrogram.Instance. makeCluster(int seq, DBIDs members)Make the cluster for the given objectprotected Cluster<DendrogramModel>SimplifiedHierarchyExtraction.Instance. makeCluster(int seq, double depth, DBIDs members)Make the cluster for the given object -
Uses of DBIDs in elki.clustering.kmeans
Method parameters in elki.clustering.kmeans with type arguments of type DBIDs Modifier and Type Method Description private static double[][]AbstractKMeans. denseMeans(java.util.List<? extends DBIDs> clusters, double[][] means, Relation<? extends NumberVector> relation)Returns the mean vectors of the given clusters in the given database.protected static double[][]AbstractKMeans. means(java.util.List<? extends DBIDs> clusters, double[][] means, Relation<? extends NumberVector> relation)Returns the mean vectors of the given clusters in the given database.protected double[][]KMediansLloyd.Instance. medians(java.util.List<? extends DBIDs> clusters, double[][] medians, Relation<? extends NumberVector> relation)Returns the median vectors of the given clusters in the given database.private static double[][]AbstractKMeans. sparseMeans(java.util.List<? extends DBIDs> clusters, double[][] means, Relation<? extends SparseNumberVector> relation)Returns the mean vectors of the given clusters in the given database. -
Uses of DBIDs in elki.clustering.kmeans.initialization
Fields in elki.clustering.kmeans.initialization declared as DBIDs Modifier and Type Field Description protected DBIDsKMeansPlusPlus.Instance. idsObject IDsMethods in elki.clustering.kmeans.initialization that return DBIDs Modifier and Type Method Description DBIDsFarthestPoints. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsFarthestSumPoints. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsFirstK. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)DBIDsKMeansPlusPlus. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsRandomlyChosen. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)DBIDsKMeansPlusPlus.MedoidsInstance. run(int k)Methods in elki.clustering.kmeans.initialization with parameters of type DBIDs Modifier and Type Method Description DBIDsFarthestPoints. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsFarthestSumPoints. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsFirstK. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)DBIDsKMeansPlusPlus. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsRandomlyChosen. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)Constructors in elki.clustering.kmeans.initialization with parameters of type DBIDs Constructor Description Instance(DBIDs ids, RandomFactory rnd)Constructor.MedoidsInstance(DBIDs ids, DistanceQuery<?> distQ, RandomFactory rnd) -
Uses of DBIDs in elki.clustering.kmeans.spherical
Method parameters in elki.clustering.kmeans.spherical with type arguments of type DBIDs Modifier and Type Method Description protected static double[][]SphericalKMeans.Instance. means(java.util.List<? extends DBIDs> clusters, double[][] means, Relation<? extends NumberVector> relation)Returns the mean vectors of the given clusters in the given database. -
Uses of DBIDs in elki.clustering.kmedoids
Fields in elki.clustering.kmedoids declared as DBIDs Modifier and Type Field Description (package private) DBIDsCLARANS.Assignment. idsIds to process.(package private) DBIDsPAM.Instance. idsIds to process.(package private) DBIDsSingleAssignmentKMedoids.Instance. idsIds to process.Methods in elki.clustering.kmedoids that return DBIDs Modifier and Type Method Description (package private) static DBIDsCLARA. randomSample(DBIDs ids, int samplesize, java.util.Random rnd, DBIDs previous)Draw a random sample of the desired size.Methods in elki.clustering.kmedoids with parameters of type DBIDs Modifier and Type Method Description protected static doubleCLARA. assignRemainingToNearestCluster(ArrayDBIDs means, DBIDs ids, DBIDs rids, WritableIntegerDataStore assignment, DistanceQuery<?> distQ)Returns a list of clusters.protected ArrayModifiableDBIDsPAM. initialMedoids(DistanceQuery<? super O> distQ, DBIDs ids, int k)Choose the initial medoids.(package private) static DBIDsCLARA. randomSample(DBIDs ids, int samplesize, java.util.Random rnd, DBIDs previous)Draw a random sample of the desired size.protected static Clustering<MedoidModel>PAM. wrapResult(DBIDs ids, WritableIntegerDataStore assignment, ArrayModifiableDBIDs medoids, java.lang.String name)Wrap the clustering result.Constructors in elki.clustering.kmedoids with parameters of type DBIDs Constructor Description Assignment(DistanceQuery<?> distQ, DBIDs ids, int k)Constructor.Assignment(DistanceQuery<?> distQ, DBIDs ids, int k)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment, double fasttol)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor. -
Uses of DBIDs in elki.clustering.kmedoids.initialization
Methods in elki.clustering.kmedoids.initialization that return DBIDs Modifier and Type Method Description DBIDsAlternateRefinement. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsBUILD. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsGreedyG. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsKMedoidsInitialization. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)Choose initial meansDBIDsKMedoidsKMedoidsInitialization. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)DBIDsLAB. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsParkJun. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)Methods in elki.clustering.kmedoids.initialization with parameters of type DBIDs Modifier and Type Method Description static doubleAlternateRefinement. assignToNearestCluster(DBIDArrayIter miter, DBIDs ids, DistanceQuery<?> distQ, WritableIntegerDataStore assignment, double[] cost)Compute the initial cluster assignment.DBIDsAlternateRefinement. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsBUILD. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsGreedyG. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsKMedoidsInitialization. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)Choose initial meansDBIDsKMedoidsKMedoidsInitialization. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distance)DBIDsLAB. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)DBIDsParkJun. chooseInitialMedoids(int k, DBIDs ids, DistanceQuery<? super O> distQ)static booleanAlternateRefinement. findMedoid(DBIDs ids, DistanceQuery<?> distQ, IntegerDataStore assignment, int j, DBIDArrayMIter miter, double[] cost)Find the best medoid of a given fixed set.static doubleGreedyG. findMedoid(DBIDs ids, DistanceQuery<?> distQ, int j, DBIDArrayMIter miter, double bestm, WritableDoubleDataStore temp, WritableDoubleDataStore tempbest, WritableDoubleDataStore mindist)Find the best medoid of a given fixed set. -
Uses of DBIDs in elki.clustering.optics
Fields in elki.clustering.optics declared as DBIDs Modifier and Type Field Description (package private) DBIDsGeneralizedOPTICS.Instance. idsIDs to process.private DBIDsOPTICSHeap.Instance. idsIDs to process.(package private) DBIDsOPTICSList.Instance. idsIDs to process.Fields in elki.clustering.optics with type parameters of type DBIDs Modifier and Type Field Description (package private) DataStore<? extends DBIDs>FastOPTICS. neighsneighbors of a pointMethods in elki.clustering.optics with parameters of type DBIDs Modifier and Type Method Description ArrayModifiableDBIDsClusterOrder. order(DBIDs ids)Use the cluster order to sort the given collection ids.Constructors in elki.clustering.optics with parameters of type DBIDs Constructor Description ClusterHierarchyBuilder(DBIDs ids)Constructor.ClusterOrder(DBIDs ids)ConstructorInstance(DBIDs ids)Constructor for a single data set. -
Uses of DBIDs in elki.clustering.silhouette
Fields in elki.clustering.silhouette declared as DBIDs Modifier and Type Field Description protected DBIDsFastMSC.Instance. idsIds to process.protected DBIDsFastMSC.Instance2. idsIds to process.(package private) DBIDsPAMSIL.Instance. idsIds to process.Constructors in elki.clustering.silhouette with parameters of type DBIDs Constructor Description Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance2(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor.Instance2(DistanceQuery<?> distQ, DBIDs ids, WritableIntegerDataStore assignment)Constructor. -
Uses of DBIDs in elki.clustering.subspace
Fields in elki.clustering.subspace declared as DBIDs Modifier and Type Field Description (package private) DBIDsP3C.Signature. idsObject ids.Methods in elki.clustering.subspace that return DBIDs Modifier and Type Method Description private DBIDsPROCLUS. computeBadMedoids(ArrayDBIDs m_current, java.util.ArrayList<PROCLUS.PROCLUSCluster> clusters, int threshold)Computes the bad medoids, where the medoid of a cluster with less than the specified threshold of objects is bad.protected DBIDsDOC. findNeighbors(DBIDRef q, long[] nD, ArrayModifiableDBIDs S, Relation<? extends NumberVector> relation)Find the neighbors of point q in the given subspaceMethods in elki.clustering.subspace that return types with arguments of type DBIDs Modifier and Type Method Description private DataStore<DBIDs>PROCLUS. getLocalities(DBIDs medoids, DistanceQuery<? extends NumberVector> distance, RangeSearcher<DBIDRef> rangeQuery)Computes the localities of the specified medoids: for each medoid m the objects in the sphere centered at m with radius minDist are determined, where minDist is the minimum distance between medoid m and any other medoid m_i.Methods in elki.clustering.subspace with parameters of type DBIDs Modifier and Type Method Description private doublePROCLUS. avgDistance(double[] centroid, DBIDs objectIDs, Relation<? extends NumberVector> database, int dimension)Computes the average distance of the objects to the centroid along the specified dimension.private ArrayDBIDsPROCLUS. computeM_current(DBIDs m, DBIDs m_best, DBIDs m_bad, java.util.Random random)Computes the set of medoids in current iteration.private long[]HiSC.Instance. determinePreferenceVector(DBIDRef id, DBIDs neighborIDs)Determines the preference vector according to the specified neighbor ids.protected booleanDOC. dimensionIsRelevant(int dimension, Relation<? extends NumberVector> relation, DBIDs points)Utility method to test if a given dimension is relevant as determined via a set of reference points (i.e. if the variance along the attribute is lower than the threshold).private DataStore<DBIDs>PROCLUS. getLocalities(DBIDs medoids, DistanceQuery<? extends NumberVector> distance, RangeSearcher<DBIDRef> rangeQuery)Computes the localities of the specified medoids: for each medoid m the objects in the sphere centered at m with radius minDist are determined, where minDist is the minimum distance between medoid m and any other medoid m_i.private ArrayDBIDsPROCLUS. greedy(DistanceQuery<? extends NumberVector> distance, DBIDs sampleSet, int m, java.util.Random random)Returns a piercing set of k medoids from the specified sample set.private java.util.ArrayList<P3C.ClusterCandidate>P3C. hardClustering(WritableDataStore<double[]> probClusterIGivenX, java.util.List<P3C.Signature> clusterCores, DBIDs dbids)Creates a hard clustering from the specified soft membership matrix.private ArrayDBIDsPROCLUS. initialSet(DBIDs sampleSet, int k, java.util.Random random)Returns a set of k elements from the specified sample set.protected Cluster<SubspaceModel>DOC. makeCluster(Relation<? extends NumberVector> relation, DBIDs C, long[] D)Utility method to create a subspace cluster from a list of DBIDs and the relevant attributes.private java.util.List<Cluster<Model>>SUBCLU. runDBSCAN(Relation<V> relation, DBIDs ids, Subspace subspace)Runs the DBSCAN algorithm on the specified partition of the database in the given subspace.protected HashSetModifiableDBIDsP3C. unionDBIDs(DBIDs[] parts, int start, int end)Compute the union of multiple DBID sets.Constructors in elki.clustering.subspace with parameters of type DBIDs Constructor Description Signature(int[] spec, DBIDs ids)Constructor. -
Uses of DBIDs in elki.clustering.subspace.clique
Methods in elki.clustering.subspace.clique that return DBIDs Modifier and Type Method Description DBIDsCLIQUEUnit. getIds()Returns the ids of the feature vectors this unit contains. -
Uses of DBIDs in elki.clustering.trivial
Methods in elki.clustering.trivial that return types with arguments of type DBIDs Modifier and Type Method Description private java.util.HashMap<java.lang.String,DBIDs>ByLabelClustering. multipleAssignment(Relation<?> data)Assigns the objects of the database to multiple clusters according to their labels.private java.util.HashMap<java.lang.String,DBIDs>ByLabelClustering. singleAssignment(Relation<?> data)Assigns the objects of the database to single clusters according to their labels.Method parameters in elki.clustering.trivial with type arguments of type DBIDs Modifier and Type Method Description private voidByLabelClustering. assign(java.util.HashMap<java.lang.String,DBIDs> labelMap, java.lang.String label, DBIDRef id)Assigns the specified id to the labelMap according to its labelprivate voidByLabelHierarchicalClustering. assign(java.util.HashMap<java.lang.String,DBIDs> labelMap, java.lang.String label, DBIDRef id)Assigns the specified id to the labelMap according to its label -
Uses of DBIDs in elki.clustering.uncertain
Methods in elki.clustering.uncertain that return DBIDs Modifier and Type Method Description DBIDsFDBSCANNeighborPredicate.Instance. getIDs()DBIDsFDBSCANNeighborPredicate.Instance. getNeighbors(DBIDRef reference)Methods in elki.clustering.uncertain that return types with arguments of type DBIDs Modifier and Type Method Description SimpleTypeInformation<DBIDs>FDBSCANNeighborPredicate. getOutputType()Methods in elki.clustering.uncertain with parameters of type DBIDs Modifier and Type Method Description DBIDIterFDBSCANNeighborPredicate.Instance. iterDBIDs(DBIDs neighbors)protected CCenterOfMassMetaClustering. runClusteringAlgorithm(java.lang.Object parent, DBIDs ids, DataStore<DoubleVector> store, int dim, java.lang.String title)Run a clustering algorithm on a single instance.protected Clustering<?>RepresentativeUncertainClustering. runClusteringAlgorithm(java.lang.Object parent, DBIDs ids, DataStore<DoubleVector> store, int dim, java.lang.String title)Run a clustering algorithm on a single instance. -
Uses of DBIDs in elki.data
Fields in elki.data declared as DBIDs Modifier and Type Field Description private DBIDsCluster. idsCluster data.Methods in elki.data that return DBIDs Modifier and Type Method Description DBIDsCluster. getIDs()Access group objectMethods in elki.data with parameters of type DBIDs Modifier and Type Method Description voidCluster. setIDs(DBIDs g)Access group objectConstructors in elki.data with parameters of type DBIDs Constructor Description Cluster(DBIDs ids)Constructor without hierarchy information and name and modelCluster(DBIDs ids, boolean noise)Constructor without hierarchy information and name and modelCluster(DBIDs ids, boolean noise, M model)Constructor without hierarchy information and nameCluster(DBIDs ids, M model)Constructor without hierarchy information and nameCluster(java.lang.String name, DBIDs ids)Constructor without hierarchy information and modelCluster(java.lang.String name, DBIDs ids, boolean noise)Constructor without hierarchy information and modelCluster(java.lang.String name, DBIDs ids, boolean noise, M model)Full constructorCluster(java.lang.String name, DBIDs ids, M model)Constructor without hierarchy information. -
Uses of DBIDs in elki.data.model
Fields in elki.data.model declared as DBIDs Modifier and Type Field Description (package private) DBIDsCoreObjectsModel. coreObjects that are part of the cluster core.private DBIDsBiclusterWithInversionsModel. invertedRowsThe ids of inverted rows.Methods in elki.data.model that return DBIDs Modifier and Type Method Description DBIDsCoreObjectsModel. getCoreObjects()Get the core object IDs.DBIDsBiclusterWithInversionsModel. getInvertedRows()Provides a copy of the inverted column IDs.Methods in elki.data.model with parameters of type DBIDs Modifier and Type Method Description static NumberVectorModelUtil. getPrototypeOrCentroid(Model model, Relation<? extends NumberVector> relation, DBIDs ids)Get the representative vector for a cluster model, or compute the centroid.static <V extends NumberVector>
VModelUtil. getPrototypeOrCentroid(Model model, Relation<? extends V> relation, DBIDs ids, NumberVector.Factory<V> factory)Get the representative vector for a cluster model, or compute the centroid.voidBiclusterWithInversionsModel. setInvertedRows(DBIDs invertedRows)Sets the ids of the inverted rows.Constructors in elki.data.model with parameters of type DBIDs Constructor Description BiclusterWithInversionsModel(int[] colIDs, DBIDs invertedRows)CoreObjectsModel(DBIDs core)Constructor. -
Uses of DBIDs in elki.data.type
Fields in elki.data.type with type parameters of type DBIDs Modifier and Type Field Description static SimpleTypeInformation<DBIDs>TypeUtil. DBIDSDatabase ID lists (but not single DBIDs). -
Uses of DBIDs in elki.database
Methods in elki.database that return DBIDs Modifier and Type Method Description DBIDsHashmapDatabase. insert(ObjectBundle objpackages)DBIDsUpdatableDatabase. insert(ObjectBundle objpackages)Inserts the given object(s) and their associations into the database.Methods in elki.database with parameters of type DBIDs Modifier and Type Method Description MultipleObjectsBundleHashmapDatabase. delete(DBIDs ids)Removes the objects from the database (by callingHashmapDatabase.doDelete(DBIDRef)for each object) and indexes and fires a deletion event.ObjectBundleUpdatableDatabase. delete(DBIDs ids)Removes and returns the specified objects with the given ids from the database.private voidDatabaseEventManager. fireObjectsChanged(DBIDs objects, DatabaseEventManager.Type type)Handles a DataStoreEvent with the specified type.voidDatabaseEventManager. fireObjectsInserted(DBIDs insertions)Event when new objects are inserted.protected voidDatabaseEventManager. fireObjectsRemoved(DBIDs deletions)Event when objects were removed / deleted.voidDatabaseEventManager. fireObjectsUpdated(DBIDs updates)Event when objects have changed / were updated.voidProxyDatabase. setDBIDs(DBIDs ids)Set the DBIDs to use.Constructors in elki.database with parameters of type DBIDs Constructor Description ProxyDatabase(DBIDs ids)Constructor.ProxyDatabase(DBIDs ids, Database database)Constructor, proxying all relations of an existing database.ProxyDatabase(DBIDs ids, Relation<?>... relations)Constructor.ProxyDatabase(DBIDs ids, java.lang.Iterable<Relation<?>> relations)Constructor. -
Uses of DBIDs in elki.database.datastore
Fields in elki.database.datastore declared as DBIDs Modifier and Type Field Description private DBIDsDataStoreEvent. insertsInsertions.private DBIDsDataStoreEvent. removalsRemovals.private DBIDsDataStoreEvent. updatesUpdates.Methods in elki.database.datastore that return DBIDs Modifier and Type Method Description DBIDsDataStoreEvent. getInserts()Get the inserted objects.DBIDsDataStoreEvent. getRemovals()Get the removed objects.DBIDsDataStoreEvent. getUpdates()Get the updates objects.Methods in elki.database.datastore with parameters of type DBIDs Modifier and Type Method Description static DataStoreEventDataStoreEvent. insertionEvent(DBIDs inserts)Insertion event.WritableDBIDDataStoreDataStoreFactory. makeDBIDStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.static WritableDBIDDataStoreDataStoreUtil. makeDBIDStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.WritableDoubleDataStoreDataStoreFactory. makeDoubleStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.WritableDoubleDataStoreDataStoreFactory. makeDoubleStorage(DBIDs ids, int hints, double def)Make a new storage, to associate the given ids with an object of class dataclass.static WritableDoubleDataStoreDataStoreUtil. makeDoubleStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.static WritableDoubleDataStoreDataStoreUtil. makeDoubleStorage(DBIDs ids, int hints, double def)Make a new storage, to associate the given ids with an object of class dataclass.WritableIntegerDataStoreDataStoreFactory. makeIntegerStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.WritableIntegerDataStoreDataStoreFactory. makeIntegerStorage(DBIDs ids, int hints, int def)Make a new storage, to associate the given ids with an object of class dataclass.static WritableIntegerDataStoreDataStoreUtil. makeIntegerStorage(DBIDs ids, int hints)Make a new storage, to associate the given ids with an object of class dataclass.static WritableIntegerDataStoreDataStoreUtil. makeIntegerStorage(DBIDs ids, int hints, int def)Make a new storage, to associate the given ids with an object of class dataclass.WritableRecordStoreDataStoreFactory. makeRecordStorage(DBIDs ids, int hints, java.lang.Class<?>... dataclasses)Make a new record storage, to associate the given ids with an object of class dataclass.static WritableRecordStoreDataStoreUtil. makeRecordStorage(DBIDs ids, int hints, java.lang.Class<?>... dataclasses)Make a new record storage, to associate the given ids with an object of class dataclass.<T> WritableDataStore<T>DataStoreFactory. makeStorage(DBIDs ids, int hints, java.lang.Class<? super T> dataclass)Make a new storage, to associate the given ids with an object of class dataclass.static <T> WritableDataStore<T>DataStoreUtil. makeStorage(DBIDs ids, int hints, java.lang.Class<? super T> dataclass)Make a new storage, to associate the given ids with an object of class dataclass.static DataStoreEventDataStoreEvent. removalEvent(DBIDs removals)Removal event.static DataStoreEventDataStoreEvent. updateEvent(DBIDs updates)Update event.Constructors in elki.database.datastore with parameters of type DBIDs Constructor Description DataStoreEvent(DBIDs inserts, DBIDs removals, DBIDs updates)Constructor. -
Uses of DBIDs in elki.database.datastore.memory
Methods in elki.database.datastore.memory with parameters of type DBIDs Modifier and Type Method Description WritableDBIDDataStoreMemoryDataStoreFactory. makeDBIDStorage(DBIDs ids, int hints)WritableDoubleDataStoreMemoryDataStoreFactory. makeDoubleStorage(DBIDs ids, int hints)WritableDoubleDataStoreMemoryDataStoreFactory. makeDoubleStorage(DBIDs ids, int hints, double def)WritableIntegerDataStoreMemoryDataStoreFactory. makeIntegerStorage(DBIDs ids, int hints)WritableIntegerDataStoreMemoryDataStoreFactory. makeIntegerStorage(DBIDs ids, int hints, int def)WritableRecordStoreMemoryDataStoreFactory. makeRecordStorage(DBIDs ids, int hints, java.lang.Class<?>... dataclasses)<T> WritableDataStore<T>MemoryDataStoreFactory. makeStorage(DBIDs ids, int hints, java.lang.Class<? super T> dataclass) -
Uses of DBIDs in elki.database.ids
Subinterfaces of DBIDs in elki.database.ids Modifier and Type Interface Description interfaceArrayDBIDsInterface for array based DBIDs.interfaceArrayModifiableDBIDsArray-oriented implementation of a modifiable DBID collection.interfaceArrayStaticDBIDsUnmodifiable, indexed DBIDs.interfaceDBIDDatabase ID object.interfaceDBIDPairImmutable pair of two DBIDs, more memory efficient than two DBIDs.interfaceDBIDRangeStatic DBID range.interfaceDBIDVar(Persistent) variable storing a DBID reference.interfaceDoubleDBIDListCollection of double values associated with objects.interfaceHashSetDBIDsHash-organized DBIDsinterfaceHashSetModifiableDBIDsSet-oriented implementation of a modifiable DBID collection.interfaceKNNListInterface for kNN results.interfaceModifiableDBIDsInterface for a generic modifiable DBID collection.interfaceModifiableDoubleDBIDListModifiable API for Distance-DBID resultsinterfaceSetDBIDsInterface for DBIDs that support fast "set" operations, in particular "contains" lookups.interfaceStaticDBIDsUnmodifiable DBIDs.Classes in elki.database.ids that implement DBIDs Modifier and Type Class Description classEmptyDBIDsEmpty DBID collection.Methods in elki.database.ids that return DBIDs Modifier and Type Method Description static DBIDsDBIDUtil. randomSample(DBIDs ids, double rate, RandomFactory random)Produce a random sample of the given DBIDs.static DBIDsDBIDUtil. randomSample(DBIDs ids, double rate, java.util.Random random)Produce a random sample of the given DBIDs.Methods in elki.database.ids with parameters of type DBIDs Modifier and Type Method Description booleanModifiableDBIDs. addDBIDs(DBIDs ids)Add DBIDs to collection.static DBIDRangeDBIDUtil. assertRange(DBIDs ids)Assert that the presented ids constitute a continuousDBIDRange.static ModifiableDBIDsDBIDUtil. difference(DBIDs ids1, DBIDs ids2)Returns the difference of the two specified collection of IDs.static ArrayDBIDsDBIDUtil. ensureArray(DBIDs ids)Ensure that the given DBIDs are array-indexable.static ModifiableDBIDsDBIDUtil. ensureModifiable(DBIDs ids)Ensure modifiable.static SetDBIDsDBIDUtil. ensureSet(DBIDs ids)Ensure that the given DBIDs support fast "contains" operations.private static ModifiableDBIDsDBIDUtil. internalIntersection(DBIDs first, DBIDs second)Compute the set intersection of two sets.private static intDBIDUtil. internalIntersectionSize(DBIDs first, DBIDs second)Compute the set intersection size of two sets.static ModifiableDBIDsDBIDUtil. intersection(DBIDs first, DBIDs second)Compute the set intersection of two sets.static intDBIDUtil. intersectionSize(DBIDs first, DBIDs second)Compute the set intersection size of two sets.StaticDBIDsDBIDFactory. makeUnmodifiable(DBIDs existing)Make DBIDs immutable.static StaticDBIDsDBIDUtil. makeUnmodifiable(DBIDs existing)Wrap an existing DBIDs collection to be unmodifiable.ArrayModifiableDBIDsDBIDFactory. newArray(DBIDs existing)Make a new (modifiable) array of DBIDs.static ArrayModifiableDBIDsDBIDUtil. newArray(DBIDs existing)Make a new (modifiable) array of DBIDs.HashSetModifiableDBIDsDBIDFactory. newHashSet(DBIDs existing)Make a new (modifiable) hash set of DBIDs.static HashSetModifiableDBIDsDBIDUtil. newHashSet(DBIDs existing)Make a new (modifiable) hash set of DBIDs.static DBIDsDBIDUtil. randomSample(DBIDs ids, double rate, RandomFactory random)Produce a random sample of the given DBIDs.static DBIDsDBIDUtil. randomSample(DBIDs ids, double rate, java.util.Random random)Produce a random sample of the given DBIDs.static ModifiableDBIDsDBIDUtil. randomSample(DBIDs source, int k, int seed)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 ModifiableDBIDsDBIDUtil. randomSample(DBIDs source, int k, java.lang.Long seed)Produce a random sample of the given DBIDs.static ModifiableDBIDsDBIDUtil. randomSample(DBIDs source, int k, java.util.Random random)Produce a random sample of the given DBIDs.static DBIDVarDBIDUtil. randomSample(DBIDs ids, RandomFactory random)Draw a single random sample.static DBIDVarDBIDUtil. randomSample(DBIDs ids, java.util.Random 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 ModifiableDBIDsDBIDUtil. randomSampleExcept(DBIDs source, DBIDRef except, int k, java.util.Random random)Produce a random sample of the given DBIDs.static ArrayDBIDs[]DBIDUtil. randomSplit(DBIDs ids, int p, RandomFactory rnd)Randomly split IDs intoppartitions of almost-equal size.static ArrayDBIDs[]DBIDUtil. randomSplit(DBIDs oids, int p, java.util.Random random)Randomly split IDs intoppartitions of almost-equal size.booleanModifiableDBIDs. removeDBIDs(DBIDs ids)Remove DBIDs from collection.booleanHashSetModifiableDBIDs. retainAll(DBIDs set)Retain all elements that also are in the second set.static voidDBIDUtil. symmetricIntersection(DBIDs first, DBIDs second, HashSetModifiableDBIDs firstonly, HashSetModifiableDBIDs intersection, HashSetModifiableDBIDs secondonly)Compute the set symmetric intersection of two sets.static java.lang.StringDBIDUtil. toString(DBIDs ids)Format a DBID as string.static ModifiableDBIDsDBIDUtil. union(DBIDs ids1, DBIDs ids2)Returns the union of the two specified collection of IDs. -
Uses of DBIDs in elki.database.ids.integer
Subinterfaces of DBIDs in elki.database.ids.integer Modifier and Type Interface Description (package private) interfaceDoubleIntegerDBIDListInterface to store double distance, integer DBID results.interfaceIntegerArrayDBIDsTrivial combination interface.(package private) interfaceIntegerArrayStaticDBIDsCombination ofArrayStaticDBIDsandIntegerDBIDs.interfaceIntegerDBIDsInteger DBID collection.Classes in elki.database.ids.integer that implement DBIDs Modifier and Type Class Description (package private) classArrayModifiableIntegerDBIDsClass using a primitive int[] array as storage.private classArrayModifiableIntegerDBIDs.SliceSlice of an array.(package private) classArrayStaticIntegerDBIDsStatic (no modifications allowed) set of Database Object IDs.private classArrayStaticIntegerDBIDs.SliceSlice of an array.(package private) classDoubleIntegerDBIDArrayListClass to store double distance, integer DBID results.(package private) classDoubleIntegerDBIDKNNListkNN list, but without automatic sorting.classDoubleIntegerDBIDSubListSublist of an existing result to contain only some of the elements.(package private) classFastutilIntOpenHashSetModifiableDBIDsImplementation using Fastutil IntSet.(package private) classIntegerDBIDDatabase ID object.classIntegerDBIDKNNSubListSublist of an existing result to contain only the first k elements.(package private) classIntegerDBIDPairDBID pair using two ints for storage.private classIntegerDBIDPair.SliceSlice of an array.(package private) classIntegerDBIDRangeRepresenting a DBID range allocation.(package private) classIntegerDBIDVarVariable for storing a single DBID reference.classUnmodifiableIntegerArrayDBIDsUnmodifiable wrapper for DBIDs.classUnmodifiableIntegerDBIDsUnmodifiable wrapper for DBIDs.Methods in elki.database.ids.integer with parameters of type DBIDs Modifier and Type Method Description booleanArrayModifiableIntegerDBIDs. addDBIDs(DBIDs ids)booleanFastutilIntOpenHashSetModifiableDBIDs. addDBIDs(DBIDs ids)StaticDBIDsAbstractIntegerDBIDFactory. makeUnmodifiable(DBIDs existing)ArrayModifiableDBIDsAbstractIntegerDBIDFactory. newArray(DBIDs existing)HashSetModifiableDBIDsAbstractIntegerDBIDFactory. newHashSet(DBIDs existing)booleanArrayModifiableIntegerDBIDs. removeDBIDs(DBIDs ids)booleanFastutilIntOpenHashSetModifiableDBIDs. removeDBIDs(DBIDs ids)booleanFastutilIntOpenHashSetModifiableDBIDs. retainAll(DBIDs set)Constructors in elki.database.ids.integer with parameters of type DBIDs Constructor Description ArrayModifiableIntegerDBIDs(DBIDs existing)Constructor.FastutilIntOpenHashSetModifiableDBIDs(DBIDs existing)Constructor. -
Uses of DBIDs in elki.database.relation
Fields in elki.database.relation declared as DBIDs Modifier and Type Field Description private DBIDsDBIDView. idsThe ids objectprivate DBIDsProxyView. idviewThe DBIDs we containMethods in elki.database.relation that return DBIDs Modifier and Type Method Description DBIDsConvertToStringView. getDBIDs()DBIDsDBIDView. getDBIDs()DBIDsProjectedView. getDBIDs()DBIDsProxyView. getDBIDs()DBIDsRelation. getDBIDs()Get the IDs the query is defined for.Methods in elki.database.relation with parameters of type DBIDs Modifier and Type Method Description voidDBIDView. setDBIDs(DBIDs ids)Set the DBIDs of the view.voidProxyView. setDBIDs(DBIDs ids)Set the DBIDs to use.Constructors in elki.database.relation with parameters of type DBIDs Constructor Description DBIDView(DBIDs ids)Constructor.MaterializedDoubleRelation(java.lang.String name, DBIDs ids)Constructor.MaterializedDoubleRelation(java.lang.String name, DBIDs ids, DoubleDataStore content)Constructor.MaterializedRelation(SimpleTypeInformation<O> type, DBIDs ids)Constructor.MaterializedRelation(java.lang.String name, SimpleTypeInformation<O> type, DBIDs ids)Constructor.MaterializedRelation(java.lang.String name, SimpleTypeInformation<O> type, DBIDs ids, DataStore<O> content)Constructor.ProxyView(DBIDs idview, Relation<O> inner)Constructor. -
Uses of DBIDs in elki.distance
Methods in elki.distance with parameters of type DBIDs Modifier and Type Method Description protected static doubleSharedNearestNeighborJaccardDistance.Instance. jaccardCoefficient(DBIDs neighbors1, DBIDs neighbors2)Compute the Jaccard coefficient -
Uses of DBIDs in elki.evaluation.clustering.pairsegments
Fields in elki.evaluation.clustering.pairsegments declared as DBIDs Modifier and Type Field Description protected DBIDsSegment. objIDsIDs in segment, for object segments.Methods in elki.evaluation.clustering.pairsegments that return DBIDs Modifier and Type Method Description DBIDsSegment. getDBIDs()Get the DBIDs of objects contained in this segment.Methods in elki.evaluation.clustering.pairsegments with parameters of type DBIDs Modifier and Type Method Description private voidSegments. makeOrUpdateSegment(int[] path, DBIDs ids, int pairsize) -
Uses of DBIDs in elki.evaluation.outlier
Methods in elki.evaluation.outlier with parameters of type DBIDs Modifier and Type Method Description private XYCurveOutlierPrecisionAtKCurve. computePrecisionResult(int size, SetDBIDs positiveids, DBIDs order)protected JudgeOutlierScores.ScoreResultJudgeOutlierScores. computeScore(DBIDs ids, DBIDs outlierIds, OutlierResult or)Evaluate a single outlier score result. -
Uses of DBIDs in elki.evaluation.scores
Methods in elki.evaluation.scores with parameters of type DBIDs Modifier and Type Method Description default doubleScoreEvaluation. evaluate(DBIDs ids, DoubleDBIDList nei)Evaluate given a list of positives and a scoring. -
Uses of DBIDs in elki.evaluation.scores.adapter
Fields in elki.evaluation.scores.adapter declared as DBIDs Modifier and Type Field Description private DBIDsDistanceResultAdapter. setSet of positive examples.private DBIDsOutlierScoreAdapter. setSet of positive objectsprivate DBIDsSimpleAdapter. setSet of positive examples.Constructors in elki.evaluation.scores.adapter with parameters of type DBIDs Constructor Description DistanceResultAdapter(DBIDs set, DoubleDBIDListIter iter, int size)ConstructorFilteredDistanceResultAdapter(DBIDs set, DoubleDBIDListIter iter, int size, DBIDRef skip)Constructor.OutlierScoreAdapter(DBIDs positive, OutlierResult o)Constructor.SimpleAdapter(DBIDs set, DBIDIter iter, int size)Constructor -
Uses of DBIDs in elki.index
Methods in elki.index with parameters of type DBIDs Modifier and Type Method Description voidDynamicIndex. deleteAll(DBIDs ids)Deletes the specified objects from this index.voidDynamicIndex. insertAll(DBIDs ids)Inserts the specified objects into this index. -
Uses of DBIDs in elki.index.lsh
Fields in elki.index.lsh with type parameters of type DBIDs Modifier and Type Field Description (package private) java.util.ArrayList<it.unimi.dsi.fastutil.ints.Int2ObjectOpenHashMap<DBIDs>>InMemoryLSHIndex.Instance. hashtablesThe actual tableMethods in elki.index.lsh that return DBIDs Modifier and Type Method Description protected DBIDsInMemoryLSHIndex.Instance. getCandidates(V obj)Get the candidates: points which have at least one hash bucket in common. -
Uses of DBIDs in elki.index.preprocessed.fastoptics
Methods in elki.index.preprocessed.fastoptics that return types with arguments of type DBIDs Modifier and Type Method Description DataStore<DBIDs>RandomProjectedNeighborsAndDensities. getNeighs()Compute list of neighbors for each point from sets resulting from projectionMethods in elki.index.preprocessed.fastoptics with parameters of type DBIDs Modifier and Type Method Description voidRandomProjectedNeighborsAndDensities. computeSetsBounds(Relation<? extends NumberVector> points, int minSplitSize, DBIDs ptList)Create random projections, project points and put points into sets of size about minSplitSize/2 -
Uses of DBIDs in elki.index.preprocessed.knn
Fields in elki.index.preprocessed.knn declared as DBIDs Modifier and Type Field Description private DBIDsKNNChangeEvent. objectsThe ids of the kNNs that were inserted or deleted due to the insertion or removals of objects.private DBIDsKNNChangeEvent. updatesThe ids of the kNNs that were updated due to the insertion or removals of objects.Methods in elki.index.preprocessed.knn that return DBIDs Modifier and Type Method Description DBIDsKNNChangeEvent. getObjects()Returns the ids of the removed or inserted kNNs (according to the type of this event).DBIDsKNNChangeEvent. getUpdates()Returns the ids of kNNs which have been changed due to the removals or insertions.private DBIDsMaterializeKNNAndRKNNPreprocessor. updateKNNsAndRkNNs(DBIDs ids)Updates the kNNs and RkNNs after insertion of the specified ids.Methods in elki.index.preprocessed.knn with parameters of type DBIDs Modifier and Type Method Description private voidNNDescent. clearAll(DBIDs ids, WritableDataStore<HashSetModifiableDBIDs> sets)Clear (but reuse) all sets in the given storage.voidMaterializeKNNPreprocessor. deleteAll(DBIDs ids)protected voidMaterializeKNNPreprocessor. fireKNNsInserted(DBIDs insertions, DBIDs updates)Informs all registered KNNListener that new kNNs have been inserted and as a result some kNNs have been changed.protected voidMaterializeKNNPreprocessor. fireKNNsRemoved(DBIDs removals, DBIDs updates)Informs all registered KNNListener that existing kNNs have been removed and as a result some kNNs have been changed.voidMaterializeKNNPreprocessor. insertAll(DBIDs ids)protected voidMaterializeKNNAndRKNNPreprocessor. objectsInserted(DBIDs ids)protected voidMaterializeKNNPreprocessor. objectsInserted(DBIDs ids)Called after new objects have been inserted, updates the materialized neighborhood.protected voidMaterializeKNNAndRKNNPreprocessor. objectsRemoved(DBIDs ids)protected voidMaterializeKNNPreprocessor. objectsRemoved(DBIDs ids)Called after objects have been removed, updates the materialized neighborhood.private intNNDescent. sampleNew(DBIDs ids, WritableDataStore<HashSetModifiableDBIDs> sampleNewNeighbors, WritableDataStore<HashSetModifiableDBIDs> newNeighborHash, int items)samples newNeighbors for every objectprivate ArrayDBIDsMaterializeKNNPreprocessor. updateKNNsAfterDeletion(DBIDs ids)Updates the kNNs of the RkNNs of the specified ids.private ArrayDBIDsMaterializeKNNPreprocessor. updateKNNsAfterInsertion(DBIDs ids)Updates the kNNs of the RkNNs of the specified ids.private DBIDsMaterializeKNNAndRKNNPreprocessor. updateKNNsAndRkNNs(DBIDs ids)Updates the kNNs and RkNNs after insertion of the specified ids.Constructors in elki.index.preprocessed.knn with parameters of type DBIDs Constructor Description KNNChangeEvent(java.lang.Object source, KNNChangeEvent.Type type, DBIDs objects, DBIDs updates)Used to create an event when kNNs of some objects have been changed. -
Uses of DBIDs in elki.index.tree.betula
Methods in elki.index.tree.betula that return DBIDs Modifier and Type Method Description DBIDsCFTree. getDBIDs(ClusterFeature cf)Get the DBIDs of a cluster feature (if stored).Methods in elki.index.tree.betula with parameters of type DBIDs Modifier and Type Method Description CFTree<L>CFTree.Factory. newTree(DBIDs ids, Relation<? extends NumberVector> relation, boolean storeIds)Make a new tree. -
Uses of DBIDs in elki.index.tree.metrical.covertree
Methods in elki.index.tree.metrical.covertree with parameters of type DBIDs Modifier and Type Method Description voidCoverTree. bulkLoad(DBIDs ids)Bulk-load the index.voidSimplifiedCoverTree. bulkLoad(DBIDs ids)Bulk-load the index. -
Uses of DBIDs in elki.index.tree.metrical.mtreevariants.mktrees
Methods in elki.index.tree.metrical.mtreevariants.mktrees with parameters of type DBIDs Modifier and Type Method Description protected java.util.Map<DBID,KNNList>AbstractMkTree. batchNN(N node, DBIDs ids, int kmax)Deprecated.Change to use by-object NN lookups instead. -
Uses of DBIDs in elki.index.tree.metrical.mtreevariants.mktrees.mkapp
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkapp with parameters of type DBIDs Modifier and Type Method Description private double[]MkAppTree. getMeanKNNList(DBIDs ids, java.util.Map<DBID,KNNList> knnLists) -
Uses of DBIDs in elki.index.tree.metrical.mtreevariants.mktrees.mkmax
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkmax with parameters of type DBIDs Modifier and Type Method Description voidMkMaxTreeIndex. deleteAll(DBIDs ids)Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.voidMkMaxTreeIndex. insertAll(DBIDs ids) -
Uses of DBIDs in elki.index.tree.metrical.mtreevariants.mtree
Methods in elki.index.tree.metrical.mtreevariants.mtree with parameters of type DBIDs Modifier and Type Method Description voidMTreeIndex. deleteAll(DBIDs ids)Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.voidMTreeIndex. insertAll(DBIDs ids) -
Uses of DBIDs in elki.index.tree.metrical.vptree
Methods in elki.index.tree.metrical.vptree with parameters of type DBIDs Modifier and Type Method Description private voidGNAT. buildTree(GNAT.Node current, DBIDs content, int vps)builds the tree recursivelyprivate doubleVPTree.Builder. calcMoment(DBIDRef p, DBIDs check, int size)Calculate the 2nd moment to the median of the distances to pprivate ArrayDBIDsGNAT. findVantagePoints(DBIDs content, int vps)Finds a vantage points in the DBIDs between left and right -
Uses of DBIDs in elki.index.tree.spatial.kd
Methods in elki.index.tree.spatial.kd that return DBIDs Modifier and Type Method Description DBIDsMemoryKDTree.CountingRelation. getDBIDs() -
Uses of DBIDs in elki.index.tree.spatial.rstarvariants.deliclu
Methods in elki.index.tree.spatial.rstarvariants.deliclu with parameters of type DBIDs Modifier and Type Method Description voidDeLiCluTreeIndex. deleteAll(DBIDs ids)voidDeLiCluTreeIndex. insertAll(DBIDs ids)Inserts the specified objects into this index. -
Uses of DBIDs in elki.index.tree.spatial.rstarvariants.flat
Methods in elki.index.tree.spatial.rstarvariants.flat with parameters of type DBIDs Modifier and Type Method Description voidFlatRStarTreeIndex. deleteAll(DBIDs ids)voidFlatRStarTreeIndex. insertAll(DBIDs ids)Inserts the specified objects into this index. -
Uses of DBIDs in elki.index.tree.spatial.rstarvariants.rdknn
Methods in elki.index.tree.spatial.rstarvariants.rdknn with parameters of type DBIDs Modifier and Type Method Description voidRdKNNTree. deleteAll(DBIDs ids)voidRdKNNTree. insertAll(DBIDs ids)Inserts the specified objects into this index. -
Uses of DBIDs in elki.index.tree.spatial.rstarvariants.rstar
Methods in elki.index.tree.spatial.rstarvariants.rstar with parameters of type DBIDs Modifier and Type Method Description voidRStarTreeIndex. deleteAll(DBIDs ids)voidRStarTreeIndex. insertAll(DBIDs ids)Inserts the specified objects into this index. -
Uses of DBIDs in elki.itemsetmining
Methods in elki.itemsetmining that return DBIDs Modifier and Type Method Description private DBIDs[]Eclat. buildIndex(Relation<BitVector> relation, int dim, int minsupp)private DBIDsEclat. mergeJoin(DBIDs first, DBIDs second)Methods in elki.itemsetmining with parameters of type DBIDs Modifier and Type Method Description protected java.util.List<SparseItemset>APRIORI. buildFrequentTwoItemsets(java.util.List<OneItemset> oneitems, Relation<BitVector> relation, int dim, int needed, DBIDs ids, ArrayModifiableDBIDs survivors)Build the 2-itemsets.private voidEclat. extractItemsets(DBIDs[] idx, int start, int minsupp, java.util.List<Itemset> solution)private voidEclat. extractItemsets(DBIDs iset, DBIDs[] idx, int[] buf, int depth, int start, int minsupp, java.util.List<Itemset> solution)protected java.util.List<? extends Itemset>APRIORI. frequentItemsets(java.util.List<? extends Itemset> candidates, Relation<BitVector> relation, int needed, DBIDs ids, ArrayModifiableDBIDs survivors, int length)Returns the frequent BitSets out of the given BitSets with respect to the given database.protected java.util.List<SparseItemset>APRIORI. frequentItemsetsSparse(java.util.List<SparseItemset> candidates, Relation<BitVector> relation, int needed, DBIDs ids, ArrayModifiableDBIDs survivors, int length)Returns the frequent BitSets out of the given BitSets with respect to the given database.private DBIDsEclat. mergeJoin(DBIDs first, DBIDs second) -
Uses of DBIDs in elki.math.linearalgebra
Methods in elki.math.linearalgebra with parameters of type DBIDs Modifier and Type Method Description static CentroidCentroid. make(Relation<? extends NumberVector> relation, DBIDs ids)Static constructor from an existing relation.static CovarianceMatrixCovarianceMatrix. make(Relation<? extends NumberVector> relation, DBIDs ids)Static Constructor from a full relation.static ProjectedCentroidProjectedCentroid. make(long[] dims, Relation<? extends NumberVector> relation, DBIDs ids)Static Constructor from a relation. -
Uses of DBIDs in elki.math.linearalgebra.pca
Methods in elki.math.linearalgebra.pca with parameters of type DBIDs Modifier and Type Method Description PCAResultAutotuningPCA. processIds(DBIDs ids, Relation<? extends NumberVector> database)double[][]CovarianceMatrixBuilder. processIds(DBIDs ids, Relation<? extends NumberVector> database)Compute covariance matrix for a collection of database IDs.PCAResultPCARunner. processIds(DBIDs ids, Relation<? extends NumberVector> database)Run PCA on a collection of database IDs.double[][]RANSACCovarianceMatrixBuilder. processIds(DBIDs ids, Relation<? extends NumberVector> relation)double[][]StandardCovarianceMatrixBuilder. processIds(DBIDs ids, Relation<? extends NumberVector> database)Compute Covariance Matrix for a collection of database IDs.double[][]WeightedCovarianceMatrixBuilder. processIds(DBIDs ids, Relation<? extends NumberVector> relation)Weighted Covariance Matrix for a set of IDs. -
Uses of DBIDs in elki.math.spacefillingcurves
Constructors in elki.math.spacefillingcurves with parameters of type DBIDs Constructor Description ZCurveTransformer(Relation<? extends NumberVector> relation, DBIDs ids)Constructor. -
Uses of DBIDs in elki.math.statistics.intrinsicdimensionality
Methods in elki.math.statistics.intrinsicdimensionality with parameters of type DBIDs Modifier and Type Method Description protected doubleLPCAEstimator. estimate(DBIDs ids, Relation<? extends NumberVector> relation)Returns an ID estimate based on the specified filter for the given point DBID set and relation. -
Uses of DBIDs in elki.outlier
Methods in elki.outlier with parameters of type DBIDs Modifier and Type Method Description private voidDWOF. clusterData(DBIDs ids, RangeSearcher<DBIDRef> rnnQuery, WritableDoubleDataStore radii, WritableDataStore<ModifiableDBIDs> labels)This method applies a density based clustering algorithm.private static voidCOP. computeCentroid(double[] centroid, Relation<? extends NumberVector> relation, DBIDs ids)Recompute the centroid of a set.private voidDWOF. initializeRadii(DBIDs ids, KNNSearcher<DBIDRef> knnq, DistanceQuery<O> distFunc, WritableDoubleDataStore radii)This method prepares a container for the radii of the objects and initializes radii according to the equation: initialRadii of a certain object = (absoluteMinDist of all objects) * (avgDist of the object) / (minAvgDist of all objects)private doubleGaussianUniformMixture. loglikelihoodAnomalous(DBIDs anomalousObjs)Loglikelihood anomalous objects.private doubleGaussianUniformMixture. loglikelihoodNormal(DBIDs objids, SetDBIDs anomalous, CovarianceMatrix builder, Relation<? extends NumberVector> relation)Computes the loglikelihood of all normal objects.private intDWOF. updateSizes(DBIDs ids, WritableDataStore<ModifiableDBIDs> labels, WritableIntegerDataStore newSizes)This method updates each object's cluster size after the clustering step. -
Uses of DBIDs in elki.outlier.anglebased
Methods in elki.outlier.anglebased with parameters of type DBIDs Modifier and Type Method Description private voidFastABOD. fastABOD(Relation<V> relation, DBIDs ids, WritableDoubleDataStore abodvalues, DoubleMinMax minmaxabod)Full kernel-based version.private booleanFastABOD. kNNABOD(Relation<V> relation, DBIDs ids, WritableDoubleDataStore abodvalues, DoubleMinMax minmaxabod)Simpler kNN based, can use more indexing. -
Uses of DBIDs in elki.outlier.density
Methods in elki.outlier.density that return DBIDs Modifier and Type Method Description DBIDsHySortOD.Hypercube. getInstances() -
Uses of DBIDs in elki.outlier.intrinsic
Methods in elki.outlier.intrinsic with parameters of type DBIDs Modifier and Type Method Description protected DoubleDataStoreIDOS. computeIDOS(DBIDs ids, KNNSearcher<DBIDRef> knnQ, DoubleDataStore intDims, DoubleMinMax idosminmax)Computes all IDOS scores.protected DoubleDataStoreIDOS. computeIDs(DBIDs ids, KNNSearcher<DBIDRef> knnQ, DistanceQuery<O> distQ)Computes all IDsstatic DoubleMinMaxISOS. transformScores(WritableDoubleDataStore scores, DBIDs ids, double logPerp, double phi)Transform scores -
Uses of DBIDs in elki.outlier.lof
Methods in elki.outlier.lof with parameters of type DBIDs Modifier and Type Method Description protected voidCOF. computeAverageChainingDistances(KNNSearcher<DBIDRef> knnq, DistanceQuery<O> dq, DBIDs ids, WritableDoubleDataStore acds)Computes the average chaining distance, the average length of a path through the given set of points to each target.private voidCOF. computeCOFScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore acds, WritableDoubleDataStore cofs, DoubleMinMax cofminmax)Compute Connectivity outlier factors.protected voidFlexibleLOF. computeLOFs(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)Computes the Local outlier factor (LOF) of the specified objects.private voidLOF. computeLOFScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)Compute local outlier factors.protected voidFlexibleLOF. computeLRDs(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore lrds)Computes the local reachability density (LRD) of the specified objects.private voidLOF. computeLRDs(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore lrds)Compute local reachability distances.protected voidKDEOS. computeOutlierScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDataStore<double[]> densities, WritableDoubleDataStore kdeos, DoubleMinMax minmax)Compute the final KDEOS scores.private voidSimplifiedLOF. computeSimplifiedLOFs(DBIDs ids, KNNSearcher<DBIDRef> knnq, WritableDoubleDataStore slrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)Compute the simplified LOF factors.private voidSimplifiedLOF. computeSimplifiedLRDs(DBIDs ids, KNNSearcher<DBIDRef> knnq, WritableDoubleDataStore lrds)Compute the simplified reachability densities.private voidVarianceOfVolume. computeVolumes(KNNSearcher<DBIDRef> knnq, int dim, DBIDs ids, WritableDoubleDataStore vols)Compute volumesprivate voidVarianceOfVolume. computeVOVs(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore vols, WritableDoubleDataStore vovs, DoubleMinMax vovminmax)Compute variance of volumes.protected FlexibleLOF.LOFResult<O>FlexibleLOF. doRunInTime(DBIDs ids, KNNSearcher<DBIDRef> kNNRefer, KNNSearcher<DBIDRef> kNNReach, StepProgress stepprog)Performs the Generalized LOF_SCORE algorithm on the given database and returns aFlexibleLOF.LOFResultencapsulating information that may be needed by an OnlineLOF algorithm.protected voidKDEOS. estimateDensities(Relation<O> rel, KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDataStore<double[]> densities)Perform the kernel density estimation step.private voidOnlineLOF.LOFKNNListener. kNNsInserted(DBIDs insertions, DBIDs updates1, DBIDs updates2, FlexibleLOF.LOFResult<O> lofResult)Invoked after kNNs have been inserted and updated, updates the result.private voidOnlineLOF.LOFKNNListener. kNNsRemoved(DBIDs deletions, DBIDs updates1, DBIDs updates2, FlexibleLOF.LOFResult<O> lofResult)Invoked after kNNs have been removed and updated, updates the result.protected voidLOCI. precomputeInterestingRadii(DBIDs ids, RangeSearcher<DBIDRef> rangeQuery, WritableDataStore<LOCI.DoubleIntArrayList> interestingDistances)Preprocessing step: determine the radii of interest for each point.private voidOnlineLOF.LOFKNNListener. recomputeLOFs(DBIDs ids, FlexibleLOF.LOFResult<O> lofResult)Recomputes the lofs of the specified ids. -
Uses of DBIDs in elki.outlier.spatial.neighborhood
Fields in elki.outlier.spatial.neighborhood with type parameters of type DBIDs Modifier and Type Field Description protected DataStore<DBIDs>AbstractPrecomputedNeighborhood. storeThe dataMethods in elki.outlier.spatial.neighborhood that return DBIDs Modifier and Type Method Description DBIDsAbstractPrecomputedNeighborhood. getNeighborDBIDs(DBIDRef reference)DBIDsNeighborSetPredicate. getNeighborDBIDs(DBIDRef reference)Get the neighbors of a reference object for DBSCAN.Methods in elki.outlier.spatial.neighborhood that return types with arguments of type DBIDs Modifier and Type Method Description private DataStore<DBIDs>ExtendedNeighborhood.Factory. extendNeighborhood(Database database, Relation<? extends O> relation)Method to load the external neighbors.private DataStore<DBIDs>ExternalNeighborhood.Factory. loadNeighbors(Database database, Relation<?> relation)Method to load the external neighbors.Constructor parameters in elki.outlier.spatial.neighborhood with type arguments of type DBIDs Constructor Description AbstractPrecomputedNeighborhood(DataStore<DBIDs> store)Constructor.ExtendedNeighborhood(DataStore<DBIDs> store)Constructor.ExternalNeighborhood(DataStore<DBIDs> store)Constructor.PrecomputedKNearestNeighborNeighborhood(DataStore<DBIDs> store)Constructor. -
Uses of DBIDs in elki.outlier.subspace
Fields in elki.outlier.subspace with type parameters of type DBIDs Modifier and Type Field Description (package private) java.util.ArrayList<java.util.ArrayList<DBIDs>>AggarwalYuEvolutionary.EvolutionarySearch. rangesDatabase ranges.Methods in elki.outlier.subspace that return DBIDs Modifier and Type Method Description protected DBIDsAbstractAggarwalYuOutlier. computeSubspace(int[] subspace, java.util.ArrayList<java.util.ArrayList<DBIDs>> ranges)Method to get the ids in the given subspace.protected DBIDsAbstractAggarwalYuOutlier. computeSubspaceForGene(short[] gene, java.util.ArrayList<java.util.ArrayList<DBIDs>> ranges)Get the DBIDs in the current subspace.private DBIDsSOD. getNearestNeighbors(Relation<V> relation, SimilarityQuery<V> simQ, DBIDRef queryObject)Get the k nearest neighbors in terms of the shared nearest neighbor distance.Methods in elki.outlier.subspace that return types with arguments of type DBIDs Modifier and Type Method Description protected java.util.ArrayList<java.util.ArrayList<DBIDs>>AbstractAggarwalYuOutlier. buildRanges(Relation<? extends NumberVector> relation)Grid discretization of the data:
Each attribute of data is divided into phi equi-depth ranges.
Each range contains a fraction f=1/phi of the records.Methods in elki.outlier.subspace with parameters of type DBIDs Modifier and Type Method Description private static double[]SOD. computePerDimensionVariances(Relation<? extends NumberVector> relation, double[] center, DBIDs neighborhood)Compute the per-dimension variances for the given neighborhood and center.private DoubleDBIDListOUTRES. initialRange(DBIDRef obj, DBIDs cands, PrimitiveDistance<? super NumberVector> df, double eps, OUTRES.KernelDensityEstimator kernel, ModifiableDoubleDBIDList n)Initial range query.doubleOUTRES. outresScore(int s, long[] subspace, DBIDRef id, OUTRES.KernelDensityEstimator kernel, DBIDs cands)Main loop of OUTRES.Method parameters in elki.outlier.subspace with type arguments of type DBIDs Modifier and Type Method Description protected DBIDsAbstractAggarwalYuOutlier. computeSubspace(int[] subspace, java.util.ArrayList<java.util.ArrayList<DBIDs>> ranges)Method to get the ids in the given subspace.protected DBIDsAbstractAggarwalYuOutlier. computeSubspaceForGene(short[] gene, java.util.ArrayList<java.util.ArrayList<DBIDs>> ranges)Get the DBIDs in the current subspace.Constructor parameters in elki.outlier.subspace with type arguments of type DBIDs Constructor Description EvolutionarySearch(Relation<? extends NumberVector> relation, java.util.ArrayList<java.util.ArrayList<DBIDs>> ranges, java.util.Random random)Constructor. -
Uses of DBIDs in elki.parallel
Fields in elki.parallel declared as DBIDs Modifier and Type Field Description private DBIDsSingleThreadedExecutor.SingleThreadedRunner. idsArray IDs to processMethods in elki.parallel with parameters of type DBIDs Modifier and Type Method Description static voidParallelExecutor. run(DBIDs ids, Processor... procs)Run a task on all available CPUs.static voidSingleThreadedExecutor. run(DBIDs ids, Processor... procs)Run a task on a single thread.Constructors in elki.parallel with parameters of type DBIDs Constructor Description SingleThreadedRunner(DBIDs ids, Processor[] procs)Constructor. -
Uses of DBIDs in elki.result
Fields in elki.result declared as DBIDs Modifier and Type Field Description (package private) DBIDsSamplingResult. sampleThe actual selectionprivate DBIDsDBIDSelection. selectedIdsSelected IDsMethods in elki.result that return DBIDs Modifier and Type Method Description DBIDsOrderingResult. getDBIDs()Get the full set of DBIDs this ordering is defined for.DBIDsSamplingResult. getSample()DBIDsDBIDSelection. getSelectedIds()Getter for the selected IDsMethods in elki.result with parameters of type DBIDs Modifier and Type Method Description ArrayModifiableDBIDsOrderingResult. order(DBIDs ids)Sort the given ids according to this ordering and return an iterator.voidSamplingResult. setSample(DBIDs sample)Note: trigger a resultchanged event!Constructors in elki.result with parameters of type DBIDs Constructor Description DBIDSelection(DBIDs selectedIds)Constructor with new object IDs.RangeSelection(DBIDs selectedIds)Constructor.RangeSelection(DBIDs selection, ModifiableHyperBoundingBox ranges)Constructor. -
Uses of DBIDs in elki.result.outlier
Methods in elki.result.outlier that return DBIDs Modifier and Type Method Description DBIDsOrderingFromRelation. getDBIDs()Methods in elki.result.outlier with parameters of type DBIDs Modifier and Type Method Description ArrayModifiableDBIDsOrderingFromRelation. order(DBIDs ids) -
Uses of DBIDs in elki.similarity
Methods in elki.similarity with parameters of type DBIDs Modifier and Type Method Description protected static intFractionalSharedNearestNeighborSimilarity.Instance. countSharedNeighbors(DBIDs neighbors1, DBIDs neighbors2)Compute the intersection size.protected static intSharedNearestNeighborSimilarity. countSharedNeighbors(DBIDs neighbors1, DBIDs neighbors2)Compute the intersection size -
Uses of DBIDs in elki.similarity.kernel
Constructors in elki.similarity.kernel with parameters of type DBIDs Constructor Description KernelMatrix(SimilarityQuery<? super O> kernelFunction, Relation<? extends O> relation, DBIDs ids)Provides a new kernel matrix.KernelMatrix(PrimitiveSimilarity<? super O> kernelFunction, Relation<? extends O> relation, DBIDs ids)Provides a new kernel matrix.SortedArrayMap(DBIDs ids) -
Uses of DBIDs in elki.svm.data
Constructors in elki.svm.data with parameters of type DBIDs Constructor Description SimilarityQueryAdapter(SimilarityQuery<?> sim, DBIDs ids) -
Uses of DBIDs in elki.utilities.datastructures.unionfind
Methods in elki.utilities.datastructures.unionfind that return DBIDs Modifier and Type Method Description DBIDsUnionFind. getRoots()Collect all component root elements.DBIDsWeightedQuickUnionRangeDBIDs. getRoots()DBIDsWeightedQuickUnionStaticDBIDs. getRoots() -
Uses of DBIDs in elki.visualization.style
Fields in elki.visualization.style with type parameters of type DBIDs Modifier and Type Field Description (package private) java.util.ArrayList<DBIDs>ClusterStylingPolicy. idsObject IDs. -
Uses of DBIDs in elki.visualization.visualizers.scatterplot.selection
Methods in elki.visualization.visualizers.scatterplot.selection with parameters of type DBIDs Modifier and Type Method Description private voidMoveObjectsToolVisualization.Instance. updateDB(DBIDs dbids, double[] movingVector)Updates the objects with the given DBIDs It will be moved depending on the given Vector -
Uses of DBIDs in tutorial.clustering
Methods in tutorial.clustering with parameters of type DBIDs Modifier and Type Method Description protected ArrayModifiableDBIDsSameSizeKMeans. initialAssignment(java.util.List<ModifiableDBIDs> clusters, WritableDataStore<SameSizeKMeans.Meta> metas, DBIDs ids)
-