Uses of Interface
elki.database.ids.DBIDRef
-
Packages that use DBIDRef Package Description elki.algorithm.statistics Statistical analysis algorithms.elki.application.benchmark Benchmarking pseudo algorithms.elki.clustering Clustering algorithms.elki.clustering.correlation Correlation clustering algorithms.elki.clustering.dbscan DBSCAN and its generalizations.elki.clustering.dbscan.parallel Parallel versions of Generalized DBSCAN.elki.clustering.dbscan.predicates Neighbor and core predicated for Generalized DBSCAN.elki.clustering.hierarchical Hierarchical agglomerative clustering (HAC).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.parallel Parallelized implementations of k-means.elki.clustering.kmedoids K-medoids clustering (PAM).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.svm 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.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.query Database queries - computing distances, neighbors, similarities - API and general documentation.elki.database.query.distance Prepared queries for distances.elki.database.query.knn Prepared queries for k nearest neighbor (kNN) queries.elki.database.query.range Prepared queries for ε-range queries, that return all objects within the radius ε.elki.database.query.rknn Prepared queries for reverse k nearest neighbor (rkNN) queries.elki.database.query.similarity Prepared queries for similarity functions.elki.database.relation Relations, materialized and virtual (views).elki.distance Distance functions for use within ELKI.elki.distance.adapter Distance functions deriving distances from, e.g., similarity measures.elki.evaluation.scores.adapter Adapter classes for ranking and scoring measures.elki.index Index structure implementations.elki.index.distancematrix Precomputed distance matrix.elki.index.invertedlist Indexes using inverted lists.elki.index.laesa Linear Approximating and Eliminating Search Algorithm (LAESA).elki.index.preprocessed.knn Indexes providing KNN and rKNN data.elki.index.preprocessed.snn Indexes providing nearest neighbor sets.elki.index.projected Projected indexes for data.elki.index.tree.betula BETULA clustering by aggregating the data into cluster features.elki.index.tree.metrical.covertree Cover-tree variations.elki.index.tree.metrical.mtreevariants M-tree and variants.elki.index.tree.metrical.mtreevariants.mktrees Metrical index structures based on the concepts of the M-Tree supporting processing of reverse k nearest neighbor queries by using the k-nn distances of the entries.elki.index.tree.metrical.mtreevariants.mktrees.mkapp elki.index.tree.metrical.mtreevariants.mktrees.mkcop elki.index.tree.metrical.mtreevariants.mktrees.mkmax elki.index.tree.metrical.mtreevariants.mktrees.mktab elki.index.tree.metrical.mtreevariants.mtree elki.index.tree.metrical.mtreevariants.query Classes for performing queries (knn, range, ...) on metrical trees.elki.index.tree.metrical.vptree elki.index.tree.spatial.kd K-d-tree and variants.elki.index.tree.spatial.rstarvariants R*-tree and variants.elki.index.tree.spatial.rstarvariants.deliclu elki.index.tree.spatial.rstarvariants.flat elki.index.tree.spatial.rstarvariants.query Queries on the R-Tree family of indexes: kNN and range queries.elki.index.tree.spatial.rstarvariants.rdknn elki.index.tree.spatial.rstarvariants.rstar elki.index.vafile Vector Approximation File.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.distance Distance-based outlier detection algorithms, such as DBOutlier and kNN.elki.outlier.distance.parallel Parallel implementations of distance-based outlier detectors.elki.outlier.intrinsic Outlier detection algorithms based on intrinsic dimensionality.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.lof.parallel Parallelized variants of LOF.elki.outlier.spatial.neighborhood Spatial outlier neighborhood classes.elki.outlier.spatial.neighborhood.weighted Weighted neighborhood definitions.elki.outlier.subspace Subspace outlier detection methods.elki.parallel.processor Processor API of ELKI, and some essential shared processors.elki.projection Data projections (see also preprocessing filters for basic projections).elki.result Result types, representation and handling.elki.result.textwriter Text serialization (CSV, Gnuplot, Console, ...).elki.similarity Similarity functions.elki.similarity.kernel Kernel functions.elki.timeseries Algorithms for change point detection in time series.elki.utilities.datastructures.unionfind Union-find data structures.elki.visualization.style Style management for ELKI visualizations.elki.visualization.visualizers.pairsegments Visualizers for inspecting cluster differences using pair counting segments.elki.visualization.visualizers.parallel Visualizers based on parallel coordinates.elki.visualization.visualizers.parallel.selection Visualizers for object selection based on parallel projections.elki.visualization.visualizers.scatterplot Visualizers based on scatterplots.elki.visualization.visualizers.scatterplot.outlier Visualizers for outlier scores based on 2D projections.tutorial.clustering Classes from the tutorial on implementing a custom k-means variation. -
-
Uses of DBIDRef in elki.algorithm.statistics
Method parameters in elki.algorithm.statistics with type arguments of type DBIDRef Modifier and Type Method Description protected doubleHopkinsStatisticClusteringTendency. computeNNForRealData(KNNSearcher<DBIDRef> knnQuery, Relation<NumberVector> relation, int dim)Search nearest neighbors for real data members. -
Uses of DBIDRef in elki.application.benchmark
Method parameters in elki.application.benchmark with type arguments of type DBIDRef Modifier and Type Method Description private intKNNBenchmark. run(KNNSearcher<DBIDRef> knnQuery, Relation<O> relation, Duration dur, MeanVariance mv, MeanVariance mvdist)Run with the database as query sourceprivate intPrioritySearchBenchmark. run(PrioritySearcher<DBIDRef> priQuery, Relation<O> relation, Duration dur, MeanVariance mv, MeanVariance mvdist)Run with the database as query sourceprotected intRangeQueryBenchmark. run(RangeSearcher<DBIDRef> rangeQuery, Relation<O> relation, double radius, Duration dur, MeanVariance mv)Run the algorithm, with constant radiusprotected intRangeQueryBenchmark. run(RangeSearcher<DBIDRef> rangeQuery, Relation<O> relation, Relation<NumberVector> radrel, Duration dur, MeanVariance mv)Run the algorithm, with separate radius relation -
Uses of DBIDRef in elki.clustering
Methods in elki.clustering with parameters of type DBIDRef Modifier and Type Method Description protected voidSNNClustering. expandCluster(SimilarityQuery<O> snnInstance, DBIDRef startObjectID, FiniteProgress objprog, IndefiniteProgress clusprog)DBSCAN-function expandCluster adapted to SNN criterion.protected ArrayModifiableDBIDsSNNClustering. findSNNNeighbors(SimilarityQuery<O> snnInstance, DBIDRef queryObject)Returns the shared nearest neighbors of the specified query object in the given database. -
Uses of DBIDRef in elki.clustering.correlation
Fields in elki.clustering.correlation with type parameters of type DBIDRef Modifier and Type Field Description (package private) java.util.Comparator<DBIDRef>HiCO.Instance. tmpcompSort object by the temporary fields.Methods in elki.clustering.correlation with parameters of type DBIDRef Modifier and Type Method Description intHiCO.Instance. compare(DBIDRef o1, DBIDRef o2)protected voidHiCO.Instance. expandDBID(DBIDRef id)protected voidHiCO.Instance. initialDBID(DBIDRef id)Constructors in elki.clustering.correlation with parameters of type DBIDRef Constructor Description ORCLUSCluster(double[] o, DBIDRef id)Creates a new cluster containing the specified object o. -
Uses of DBIDRef in elki.clustering.dbscan
Fields in elki.clustering.dbscan with type parameters of type DBIDRef Modifier and Type Field Description protected RangeSearcher<DBIDRef>DBSCAN.Instance. rangeQueryRange query to use.Methods in elki.clustering.dbscan with parameters of type DBIDRef Modifier and Type Method Description protected voidDBSCAN.Instance. expandCluster(DBIDRef startObjectID, ArrayModifiableDBIDs seeds)DBSCAN-function expandCluster.protected intGeneralizedDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, T neighbors, ArrayModifiableDBIDs activeSet, FiniteProgress progress)Set-based expand cluster implementation.protected intGriDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, ModifiableDoubleDBIDList neighbors, ArrayModifiableDBIDs activeSet, RangeSearcher<DBIDRef> rq, FiniteProgress pprog)Set-based expand cluster implementation.private voidGriDBSCAN.Instance. insertIntoGrid(DBIDRef id, V obj, int d, int v)Insert a single object into the grid; potentially into multiple cells (at most 2^d) via recursion.protected intGeneralizedDBSCAN.Instance. processCorePoint(DBIDRef seed, T newneighbors, int clusterid, WritableIntegerDataStore clusterids, ArrayModifiableDBIDs activeSet)Process a single core point.protected intGriDBSCAN.Instance. processCorePoint(DBIDRef seed, DoubleDBIDList newneighbors, int clusterid, WritableIntegerDataStore clusterids, ArrayModifiableDBIDs activeSet)Process a single core point.Method parameters in elki.clustering.dbscan with type arguments of type DBIDRef Modifier and Type Method Description protected intGriDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, ModifiableDoubleDBIDList neighbors, ArrayModifiableDBIDs activeSet, RangeSearcher<DBIDRef> rq, FiniteProgress pprog)Set-based expand cluster implementation.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.protected voidDBSCAN.Instance. run(Relation<O> relation, RangeSearcher<DBIDRef> rangeSearcher)Run the DBSCAN algorithm -
Uses of DBIDRef in elki.clustering.dbscan.parallel
Methods in elki.clustering.dbscan.parallel with parameters of type DBIDRef Modifier and Type Method Description voidParallelGeneralizedDBSCAN.Instance.Mapper. map(DBIDRef id)protected voidParallelGeneralizedDBSCAN.Instance. processNeighbors(DBIDRef id, T neighbors)Synchronize function to process the neighbors. -
Uses of DBIDRef in elki.clustering.dbscan.predicates
Fields in elki.clustering.dbscan.predicates with type parameters of type DBIDRef Modifier and Type Field Description protected RangeSearcher<DBIDRef>EpsilonNeighborPredicate.Instance. rqRange query to use on the database.protected RangeSearcher<DBIDRef>SimilarityNeighborPredicate.Instance. rqRange query to use on the database.Methods in elki.clustering.dbscan.predicates with parameters of type DBIDRef Modifier and Type Method Description protected abstract MAbstractRangeQueryNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends O> relation)Method to compute the actual data model.protected COPACNeighborPredicate.COPACModelCOPACNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList knnneighbors, Relation<? extends NumberVector> relation)COPAC model computationprotected PreDeConNeighborPredicate.PreDeConModelFourCNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends NumberVector> relation)protected PreDeConNeighborPredicate.PreDeConModelPreDeConNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends NumberVector> relation)booleanCOPACNeighborPredicate.COPACModel. contains(DBIDRef o)intCOPACNeighborPredicate.Instance. dimensionality(DBIDRef id)Get the correlation dimensionality of a single object.intERiCNeighborPredicate.Instance. dimensionality(DBIDRef id)Get the correlation dimensionality of a single object.COPACNeighborPredicate.COPACModelCOPACNeighborPredicate.Instance. getNeighbors(DBIDRef reference)DoubleDBIDListEpsilonNeighborPredicate.Instance. getNeighbors(DBIDRef reference)DBIDsERiCNeighborPredicate.Instance. getNeighbors(DBIDRef reference)PreDeConNeighborPredicate.PreDeConModelFourCNeighborPredicate.Instance. getNeighbors(DBIDRef reference)TNeighborPredicate.Instance. getNeighbors(DBIDRef reference)Get the neighbors of a reference object for DBSCAN.PreDeConNeighborPredicate.PreDeConModelPreDeConNeighborPredicate.Instance. getNeighbors(DBIDRef reference)DoubleDBIDListSimilarityNeighborPredicate.Instance. getNeighbors(DBIDRef reference)booleanCorePredicate.Instance. isCorePoint(DBIDRef point, T neighbors)Decide whether the point is a core point, based on its neighborhood.booleanFourCCorePredicate.Instance. isCorePoint(DBIDRef point, PreDeConNeighborPredicate.PreDeConModel model)booleanMinPtsCorePredicate.Instance. isCorePoint(DBIDRef point, DBIDs neighbors)booleanPreDeConCorePredicate.Instance. isCorePoint(DBIDRef point, PreDeConNeighborPredicate.PreDeConModel model)Method parameters in elki.clustering.dbscan.predicates with type arguments of type DBIDRef Modifier and Type Method Description DataStore<M>AbstractRangeQueryNeighborPredicate. preprocess(java.lang.Class<? super M> modelcls, Relation<? extends O> relation, RangeSearcher<DBIDRef> query)Perform the preprocessing step.Constructor parameters in elki.clustering.dbscan.predicates with type arguments of type DBIDRef Constructor Description Instance(double epsilon, RangeSearcher<DBIDRef> rq, DBIDs ids)Constructor.Instance(double epsilon, RangeSearcher<DBIDRef> rq, DBIDs ids)Constructor. -
Uses of DBIDRef in elki.clustering.hierarchical
Methods in elki.clustering.hierarchical with parameters of type DBIDRef Modifier and Type Method Description private voidCLINK. clinkstep4567(DBIDRef id, ArrayDBIDs ids, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)Fourth to seventh step of CLINK: find best insertionprivate voidCLINK. clinkstep8(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda)Update hierarchy.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.protected voidCLINK. process(DBIDRef id, ArrayDBIDs ids, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)CLINK main loop, based on the SLINK main loop.protected voidSLINK. process(DBIDRef id, ArrayDBIDs ids, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)SLINK main loop.private voidSLINK. slinkstep3(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)Third step: Determine the values for P and Lprivate voidSLINK. slinkstep4(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda)Fourth step: Actualize the clusters if necessaryprivate voidSLINK. step2(DBIDRef id, DBIDArrayIter it, int n, DistanceQuery<? super O> distQuery, 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. 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 voidSLINK. step2primitive(DBIDRef id, DBIDArrayIter it, int n, Relation<? extends O> relation, PrimitiveDistance<? super O> distance, 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 necessaryintClusterMergeHistoryBuilder. strictAdd(int source, double distance, int target, DBIDRef prototype)Add an element to the pointer representation.Method parameters in elki.clustering.hierarchical with type arguments of type DBIDRef Modifier and Type Method Description protected WritableDoubleDataStoreAbstractHDBSCAN. computeCoreDists(DBIDs ids, KNNSearcher<DBIDRef> knnQ, int minPts)Compute the core distances for all objects. -
Uses of DBIDRef in elki.clustering.hierarchical.extraction
Methods in elki.clustering.hierarchical.extraction with parameters of type DBIDRef Modifier and Type Method Description voidSimplifiedHierarchyExtraction.TempCluster. add(DBIDRef id)Add new objects to the cluster.private voidSimplifiedHierarchyExtraction.Instance. addSingleton(SimplifiedHierarchyExtraction.TempCluster clus, int id, DBIDRef it, double dist, boolean asCluster)Add a singleton object, as point or cluster.HDBSCANHierarchyExtraction.TempClusterHDBSCANHierarchyExtraction.TempCluster. grow(int seq, double dist, DBIDRef id)Join the contents of another cluster.Constructors in elki.clustering.hierarchical.extraction with parameters of type DBIDRef Constructor Description TempCluster(int seq, double dist, DBIDRef a)Constructor. -
Uses of DBIDRef in elki.clustering.kmeans
Methods in elki.clustering.kmeans with parameters of type DBIDRef Modifier and Type Method Description private voidHartiganWongKMeans.Instance. transfer(DBIDRef it, NumberVector vec, int l1, int l2)Transfer a point from one cluster to another. -
Uses of DBIDRef in elki.clustering.kmeans.initialization
Methods in elki.clustering.kmeans.initialization that return DBIDRef Modifier and Type Method Description protected DBIDRefAFKMC2.Instance. sample(double weightsum)protected DBIDRefKMC2.Instance. sample(double weightsum)Weighted sampling.Methods in elki.clustering.kmeans.initialization with parameters of type DBIDRef Modifier and Type Method Description protected doubleKMC2.Instance. distance(NumberVector a, DBIDRef b)Compute the distance of two objects.protected doubleKMC2.Instance. distance(DBIDRef cand, java.util.List<NumberVector> means)Minimum distance to the current means.protected abstract doubleKMeansPlusPlus.Instance. distance(T a, DBIDRef b)Compute the distance of two objects.protected doubleKMeansPlusPlus.MedoidsInstance. distance(DBIDRef a, DBIDRef b)protected doubleKMeansPlusPlus.NumberVectorInstance. distance(NumberVector a, DBIDRef b)protected doubleSphericalAFKMC2.Instance. distance(DBIDRef cand, java.util.List<NumberVector> means)protected doubleSphericalAFKMC2.Instance. similarity(NumberVector a, DBIDRef b)Compute the distance of two objects.protected doubleSphericalKMeansPlusPlus.Instance. similarity(NumberVector a, DBIDRef b)Compute the distance of two objects. -
Uses of DBIDRef in elki.clustering.kmeans.parallel
Methods in elki.clustering.kmeans.parallel with parameters of type DBIDRef Modifier and Type Method Description voidKMeansProcessor.Instance. map(DBIDRef id) -
Uses of DBIDRef in elki.clustering.kmedoids
Methods in elki.clustering.kmedoids with parameters of type DBIDRef Modifier and Type Method Description protected doubleCLARANS.Assignment. computeCostDifferential(DBIDRef h, int mnum, CLARANS.Assignment scratch)Compute the reassignment cost, for one swap.protected doubleFastCLARANS.Assignment. computeCostDifferential(DBIDRef h, double[] pcost)Compute the reassignment cost, for one swap.protected doubleFastPAM.Instance. computeReassignmentCost(DBIDRef h, int mnum)Compute the reassignment cost of one swap.protected doubleFastPAM1.Instance. computeReassignmentCost(DBIDRef xj, double[] loss)Compute the reassignment cost, for all medoids in one pass.protected doublePAM.Instance. computeReassignmentCost(DBIDRef h, int mnum)Compute the reassignment cost of one swap.protected doubleReynoldsPAM.Instance. computeReassignmentCost(DBIDRef h, WritableDoubleDataStore tnearest)Compute the reassignment cost, for all medoids in one pass.doubleCLARA.CachedDistanceQuery. distance(DBIDRef id1, DBIDRef id2)doubleCLARA.CachedDistanceQuery. distance(DBIDRef id1, V o2)doubleCLARA.CachedDistanceQuery. distance(V o1, DBIDRef id2)protected voidFastCLARANS.Assignment. performLastSwap(DBIDRef h)Compute the reassignment cost, for one swap.protected doubleCLARANS.Assignment. recompute(DBIDRef id, int mnum, double known, int snum, double sknown)Recompute the assignment of one point.protected voidFastPAM1.Instance. updateAssignment(ArrayModifiableDBIDs medoids, DBIDArrayIter miter, DBIDRef h, int m)Update an existing cluster assignment.protected intFastPAM1.Instance. updateSecondNearest(DBIDRef j, DBIDArrayIter medoids, int h, double dist_h, int n)Find the second nearest medoid. -
Uses of DBIDRef in elki.clustering.optics
Fields in elki.clustering.optics with type parameters of type DBIDRef Modifier and Type Field Description (package private) RangeSearcher<DBIDRef>OPTICSHeap.Instance. rangeQueryRange query.(package private) RangeSearcher<DBIDRef>OPTICSList.Instance. rangeQueryRange query.Methods in elki.clustering.optics with parameters of type DBIDRef Modifier and Type Method Description voidClusterOrder. add(DBIDRef id, double reach, DBIDRef pre)Add an object to the cluster order.intGeneralizedOPTICS.Instance. compare(DBIDRef o1, DBIDRef o2)protected voidOPTICSHeap.Instance. expandClusterOrder(DBIDRef objectID)OPTICS-function expandClusterOrder.protected voidOPTICSList.Instance. expandClusterOrder(DBIDRef objectID)OPTICS-function expandClusterOrder.protected abstract voidGeneralizedOPTICS.Instance. expandDBID(DBIDRef id)Add the current DBID to the cluster order, and expand its neighbors if minPts and similar conditions are satisfied.intCorrelationClusterOrder. getCorrelationValue(DBIDRef id)Get the correlation dimensionality.doubleCorrelationClusterOrder. getEuclideanValue(DBIDRef id)Get the Euclidean distance in the orthogonal space.voidClusterOrder. getPredecessor(DBIDRef id, DBIDVar out)Get the predecessor.doubleClusterOrder. getReachability(DBIDRef id)Get the reachability of an object.protected abstract voidGeneralizedOPTICS.Instance. initialDBID(DBIDRef id)Initialize for a new DBID. -
Uses of DBIDRef in elki.clustering.silhouette
Methods in elki.clustering.silhouette with parameters of type DBIDRef Modifier and Type Method Description protected doubleFastMSC.Instance. doSwap(ArrayDBIDs medoids, int b, DBIDRef j)Assign each object to the nearest cluster when replacing one medoid.protected doubleFastMSC.Instance2. doSwap(ArrayDBIDs medoids, int b, DBIDRef j)Assign each object to the nearest cluster when replacing one medoid.protected doubleFastMSC.Instance. findBestSwap(DBIDRef j, double[] ploss)Compute the loss change when choosing j as new medoid.protected voidFastMSC.Instance2. findBestSwap(DBIDRef j, double[] ploss)Compute the loss change when choosing j as new medoid.protected doublePAMMEDSIL.Instance. medoidsilhouette(IntegerDataStore assignment, DBIDArrayIter m, int hoff, DBIDRef h)Evaluate the average medoid Silhouette of the current cluster assignmentprotected voidPAMSIL.Instance. reassignToNearestCluster(IntegerDataStore prev, WritableIntegerDataStore assignment, ArrayDBIDs medoids, int pi, DBIDRef h)Assign each object to the nearest cluster when replacing one medoid.protected voidFastMSC.Instance. updateThirdNearest(DBIDRef j, FastMSC.Record rec, int m, double bestd, DBIDArrayIter miter)Update the third nearest in the record. -
Uses of DBIDRef in elki.clustering.subspace
Fields in elki.clustering.subspace with type parameters of type DBIDRef Modifier and Type Field Description (package private) java.util.Comparator<DBIDRef>DiSH.Instance. tmpcompSort object by the temporary fields.Methods in elki.clustering.subspace with parameters of type DBIDRef Modifier and Type Method Description intDiSH.Instance. compare(DBIDRef o1, DBIDRef o2)intDiSH.Instance.Sorter. compare(DBIDRef o1, DBIDRef o2)intHiSC.Instance. compare(DBIDRef o1, DBIDRef o2)private long[]HiSC.Instance. determinePreferenceVector(DBIDRef id, DBIDs neighborIDs)Determines the preference vector according to the specified neighbor ids.protected voidDiSH.Instance. expandDBID(DBIDRef id)protected voidHiSC.Instance. expandDBID(DBIDRef id)protected DBIDsDOC. findNeighbors(DBIDRef q, long[] nD, ArrayModifiableDBIDs S, Relation<? extends NumberVector> relation)Find the neighbors of point q in the given subspacelong[]DiSH.DiSHClusterOrder. getCommonPreferenceVector(DBIDRef id)Get the common subspace.protected voidDiSH.Instance. initialDBID(DBIDRef id)protected voidHiSC.Instance. initialDBID(DBIDRef id)Method parameters in elki.clustering.subspace with type arguments of type DBIDRef Modifier and Type Method Description private long[][]PROCLUS. findDimensions(ArrayDBIDs medoids, Relation<? extends NumberVector> relation, DistanceQuery<? extends NumberVector> distance, RangeSearcher<DBIDRef> rangeQuery)Determines the set of correlated dimensions for each medoid in the specified medoid set.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. -
Uses of DBIDRef in elki.clustering.subspace.clique
Methods in elki.clustering.subspace.clique with parameters of type DBIDRef Modifier and Type Method Description booleanCLIQUEUnit. addFeatureVector(DBIDRef id, NumberVector vector)Adds the id of the specified feature vector to this unit, if this unit contains the feature vector. -
Uses of DBIDRef in elki.clustering.svm
Methods in elki.clustering.svm with parameters of type DBIDRef Modifier and Type Method Description private booleanSupportVectorClustering. checkConnectivity(Relation<NumberVector> relation, double[] start, DBIDRef destRef, RegressionModel model, double fixed, ArrayDBIDs ids, SimilarityQuery<NumberVector> sim, double r_squared)Checks if the connecting line between start and dest lies inside the kernel space sphere. -
Uses of DBIDRef in elki.clustering.trivial
Methods in elki.clustering.trivial with parameters of type DBIDRef 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 DBIDRef in elki.clustering.uncertain
Methods in elki.clustering.uncertain with parameters of type DBIDRef Modifier and Type Method Description DBIDsFDBSCANNeighborPredicate.Instance. getNeighbors(DBIDRef reference) -
Uses of DBIDRef in elki.data
Methods in elki.data with parameters of type DBIDRef Modifier and Type Method Description intVectorUtil.SortDBIDsBySingleDimension. compare(DBIDRef id1, DBIDRef id2) -
Uses of DBIDRef in elki.database
Methods in elki.database with parameters of type DBIDRef Modifier and Type Method Description SingleObjectBundleHashmapDatabase. delete(DBIDRef id)Removes the object from the database (by callingHashmapDatabase.doDelete(DBIDRef)) and indexes and fires a deletion event.SingleObjectBundleUpdatableDatabase. delete(DBIDRef id)Removes and returns the specified objects with the given ids from the database.private voidHashmapDatabase. doDelete(DBIDRef id)Removes the object with the specified id from this database.private voidDatabaseEventManager. fireObjectChanged(DBIDRef object, DatabaseEventManager.Type type)Handles a DataStoreEvent with the specified type.voidDatabaseEventManager. fireObjectInserted(DBIDRef insertion)Event when a new object was inserted.protected voidDatabaseEventManager. fireObjectRemoved(DBIDRef deletion)Event when an objects was removed / deleted.voidDatabaseEventManager. fireObjectsUpdated(DBIDRef update)Event when an object was changed / updated.SingleObjectBundleAbstractDatabase. getBundle(DBIDRef id)SingleObjectBundleDatabase. getBundle(DBIDRef id)Returns the DatabaseObject represented by the specified id. -
Uses of DBIDRef in elki.database.datastore
Methods in elki.database.datastore with parameters of type DBIDRef Modifier and Type Method Description DBIDVarDBIDDataStore. assignVar(DBIDRef id, DBIDVar var)Retrieves an object from the storage.intDataStoreUtil.AscendingByDoubleDataStore. compare(DBIDRef id1, DBIDRef id2)intDataStoreUtil.AscendingByDoubleDataStoreAndId. compare(DBIDRef id1, DBIDRef id2)intDataStoreUtil.AscendingByIntegerDataStore. compare(DBIDRef id1, DBIDRef id2)intDataStoreUtil.DescendingByDoubleDataStore. compare(DBIDRef id1, DBIDRef id2)intDataStoreUtil.DescendingByDoubleDataStoreAndId. compare(DBIDRef id1, DBIDRef id2)intDataStoreUtil.DescendingByIntegerDataStore. compare(DBIDRef id1, DBIDRef id2)voidWritableDataStore. delete(DBIDRef id)Delete the contents for a particular ID and notifies the registered listeners.doubleDoubleDataStore. doubleValue(DBIDRef id)Retrieves an object from the storage.TDataStore. get(DBIDRef id)Retrieves an object from the storage.DBIDDBIDDataStore. get(DBIDRef id)Deprecated.UseDBIDDataStore.assignVar(elki.database.ids.DBIDRef, elki.database.ids.DBIDVar)and aDBIDVarinstead, to avoid boxing/unboxing cost.java.lang.DoubleDoubleDataStore. get(DBIDRef id)Deprecated.UseDoubleDataStore.doubleValue(elki.database.ids.DBIDRef)instead, to avoid boxing/unboxing cost.java.lang.IntegerIntegerDataStore. get(DBIDRef id)Deprecated.UseIntegerDataStore.intValue(elki.database.ids.DBIDRef)instead, to avoid boxing/unboxing cost.voidWritableDoubleDataStore. increment(DBIDRef id, double value)Increment the specified value with the specified id in this storage.voidWritableIntegerDataStore. increment(DBIDRef id, int adjust)Increment a value.intIntegerDataStore. intValue(DBIDRef id)Retrieves a value from the storage.intDataStoreIDMap. mapDBIDToOffset(DBIDRef dbid)Map a DBID to an array offset.TWritableDataStore. put(DBIDRef id, T value)Associates the specified value with the specified id in this storage.DBIDWritableDBIDDataStore. put(DBIDRef id, DBID value)Deprecated.UseWritableDBIDDataStore.putDBID(elki.database.ids.DBIDRef, elki.database.ids.DBIDRef)instead, to avoid boxing/unboxing cost.voidWritableDBIDDataStore. put(DBIDRef id, DBIDRef value)Associates the specified value with the specified id in this storage.doubleWritableDoubleDataStore. put(DBIDRef id, double value)Associates the specified value with the specified id in this storage.java.lang.DoubleWritableDoubleDataStore. put(DBIDRef id, java.lang.Double value)Deprecated.UseWritableDoubleDataStore.putDouble(elki.database.ids.DBIDRef, double)instead, to avoid boxing/unboxing cost.intWritableIntegerDataStore. put(DBIDRef id, int value)Associates the specified value with the specified id in this storage.java.lang.IntegerWritableIntegerDataStore. put(DBIDRef id, java.lang.Integer value)Deprecated.UseWritableIntegerDataStore.putInt(elki.database.ids.DBIDRef, int)instead, to avoid boxing/unboxing cost.voidWritableDBIDDataStore. putDBID(DBIDRef id, DBIDRef value)Associates the specified value with the specified id in this storage.doubleWritableDoubleDataStore. putDouble(DBIDRef id, double value)Associates the specified value with the specified id in this storage.intWritableIntegerDataStore. putInt(DBIDRef id, int value)Associates the specified value with the specified id in this storage.booleanWritableRecordStore. remove(DBIDRef id)Remove an object from the store, all columns.Constructors in elki.database.datastore with parameters of type DBIDRef Constructor Description ObjectNotFoundException(DBIDRef id)Constructor -
Uses of DBIDRef in elki.database.datastore.memory
Methods in elki.database.datastore.memory with parameters of type DBIDRef Modifier and Type Method Description DBIDVarArrayDBIDStore. assignVar(DBIDRef id, DBIDVar var)DBIDVarMapIntegerDBIDDBIDStore. assignVar(DBIDRef id, DBIDVar var)voidArrayDBIDStore. delete(DBIDRef id)voidArrayDoubleStore. delete(DBIDRef id)voidArrayIntegerStore. delete(DBIDRef id)voidArrayRecordStore.StorageAccessor. delete(DBIDRef id)voidArrayStore. delete(DBIDRef id)voidMapIntegerDBIDDBIDStore. delete(DBIDRef id)voidMapIntegerDBIDDoubleStore. delete(DBIDRef id)voidMapIntegerDBIDIntegerStore. delete(DBIDRef id)voidMapIntegerDBIDRecordStore.StorageAccessor. delete(DBIDRef id)voidMapIntegerDBIDStore. delete(DBIDRef id)voidMapRecordStore.StorageAccessor. delete(DBIDRef id)voidMapStore. delete(DBIDRef id)doubleArrayDoubleStore. doubleValue(DBIDRef id)doubleMapIntegerDBIDDoubleStore. doubleValue(DBIDRef id)DBIDArrayDBIDStore. get(DBIDRef id)Deprecated.java.lang.DoubleArrayDoubleStore. get(DBIDRef id)Deprecated.java.lang.IntegerArrayIntegerStore. get(DBIDRef id)Deprecated.protected <T> TArrayRecordStore. get(DBIDRef id, int index)Actual getterTArrayRecordStore.StorageAccessor. get(DBIDRef id)TArrayStore. get(DBIDRef id)DBIDMapIntegerDBIDDBIDStore. get(DBIDRef id)Deprecated.java.lang.DoubleMapIntegerDBIDDoubleStore. get(DBIDRef id)Deprecated.java.lang.IntegerMapIntegerDBIDIntegerStore. get(DBIDRef id)Deprecated.protected <T> TMapIntegerDBIDRecordStore. get(DBIDRef id, int index)Actual getter.TMapIntegerDBIDRecordStore.StorageAccessor. get(DBIDRef id)TMapIntegerDBIDStore. get(DBIDRef id)protected <T> TMapRecordStore. get(DBIDRef id, int index)Actual getter.TMapRecordStore.StorageAccessor. get(DBIDRef id)TMapStore. get(DBIDRef id)voidArrayDoubleStore. increment(DBIDRef id, double value)voidArrayIntegerStore. increment(DBIDRef id, int adjust)voidMapIntegerDBIDDoubleStore. increment(DBIDRef id, double value)voidMapIntegerDBIDIntegerStore. increment(DBIDRef id, int adjust)intArrayIntegerStore. intValue(DBIDRef id)intMapIntegerDBIDIntegerStore. intValue(DBIDRef id)DBIDArrayDBIDStore. put(DBIDRef id, DBID value)Deprecated.voidArrayDBIDStore. put(DBIDRef id, DBIDRef value)doubleArrayDoubleStore. put(DBIDRef id, double value)java.lang.DoubleArrayDoubleStore. put(DBIDRef id, java.lang.Double value)Deprecated.intArrayIntegerStore. put(DBIDRef id, int value)java.lang.IntegerArrayIntegerStore. put(DBIDRef id, java.lang.Integer value)Deprecated.TArrayRecordStore.StorageAccessor. put(DBIDRef id, T value)TArrayStore. put(DBIDRef id, T value)DBIDMapIntegerDBIDDBIDStore. put(DBIDRef id, DBID value)Deprecated.voidMapIntegerDBIDDBIDStore. put(DBIDRef id, DBIDRef value)doubleMapIntegerDBIDDoubleStore. put(DBIDRef id, double value)java.lang.DoubleMapIntegerDBIDDoubleStore. put(DBIDRef id, java.lang.Double value)Deprecated.intMapIntegerDBIDIntegerStore. put(DBIDRef id, int value)java.lang.IntegerMapIntegerDBIDIntegerStore. put(DBIDRef id, java.lang.Integer value)Deprecated.TMapIntegerDBIDRecordStore.StorageAccessor. put(DBIDRef id, T value)TMapIntegerDBIDStore. put(DBIDRef id, T value)TMapRecordStore.StorageAccessor. put(DBIDRef id, T value)TMapStore. put(DBIDRef id, T value)voidArrayDBIDStore. putDBID(DBIDRef id, DBIDRef value)voidMapIntegerDBIDDBIDStore. putDBID(DBIDRef id, DBIDRef value)doubleArrayDoubleStore. putDouble(DBIDRef id, double value)doubleMapIntegerDBIDDoubleStore. putDouble(DBIDRef id, double value)intArrayIntegerStore. putInt(DBIDRef id, int value)intMapIntegerDBIDIntegerStore. putInt(DBIDRef id, int value)booleanArrayRecordStore. remove(DBIDRef id)booleanMapIntegerDBIDRecordStore. remove(DBIDRef id)booleanMapRecordStore. remove(DBIDRef id)protected <T> TArrayRecordStore. set(DBIDRef id, int index, T value)Actual setterprotected <T> TMapIntegerDBIDRecordStore. set(DBIDRef id, int index, T value)Actual setter.protected <T> TMapRecordStore. set(DBIDRef id, int index, T value)Actual setter. -
Uses of DBIDRef in elki.database.ids
Subinterfaces of DBIDRef in elki.database.ids Modifier and Type Interface Description interfaceDBIDDatabase ID object.interfaceDBIDArrayIterArray iterators that can also go backwards and seek.interfaceDBIDArrayMIterModifiable array iterator.interfaceDBIDIterIterator for DBIDs.interfaceDBIDMIterModifiable DBID iterator.interfaceDBIDVar(Persistent) variable storing a DBID reference.interfaceDoubleDBIDHeapMax heap for DBIDs.interfaceDoubleDBIDIterIterator over Double+DBID pairs results.interfaceDoubleDBIDListIterIterator over Double+DBID pairs results.interfaceDoubleDBIDListMIterModifiable DBIDList iterator.interfaceDoubleDBIDPairPair of a double value and a DBID.interfaceKNNHeapInterface for kNN heaps.Classes in elki.database.ids that implement DBIDRef Modifier and Type Class Description protected static classEmptyDBIDs.EmptyDBIDIteratorIterator for empty DBIDs-Methods in elki.database.ids that return DBIDRef Modifier and Type Method Description DBIDRefDBIDFactory. invalid()Get the invalid DBID value, usable as "undefined" placeholder.static DBIDRefDBIDUtil. invalid()Get the invalid special ID.Methods in elki.database.ids with parameters of type DBIDRef Modifier and Type Method Description voidDoubleDBIDList.Consumer. accept(DBIDRef idref, double val)Act on each value.booleanModifiableDBIDs. add(DBIDRef id)Add a single DBID to the collection.voidModifiableDoubleDBIDList. add(double distance, DBIDRef id)Add an object to this result.static intDBIDUtil. asInteger(DBIDRef id)Export a DBID as int.intArrayDBIDs. binarySearch(DBIDRef key)Search for the position of the given key, assuming that the data set is sorted.intEmptyDBIDs. binarySearch(DBIDRef key)intDBIDFactory. compare(DBIDRef a, DBIDRef b)Compare two DBIDs, for sorting.static intDBIDUtil. compare(DBIDRef id1, DBIDRef id2)Compare two DBIDs.intDBID. compareTo(DBIDRef other)Compare two DBIDs for ordering.booleanDBIDs. contains(DBIDRef o)Test whether an ID is contained.booleanDoubleDBIDHeap. contains(DBIDRef other)Check if an object is already in the heap (slow scan).booleanEmptyDBIDs. contains(DBIDRef o)voidDBIDFactory. deallocateSingleDBID(DBIDRef id)Return a single DBID for reuse.static DBIDDBIDUtil. deref(DBIDRef ref)Dereference a DBID reference.booleanDBIDFactory. equal(DBIDRef a, DBIDRef b)Compare two DBIDs, for equality testing.static booleanDBIDUtil. equal(DBIDRef id1, DBIDRef id2)Test two DBIDs for equality.DBIDVarDBIDVar. from(DBIDDataStore store, DBIDRef ref)Update variable from a data store.intDBIDRange. getOffset(DBIDRef dbid)Get offset in the array for a particular DBID.voidArrayModifiableDBIDs. insert(int i, DBIDRef newval)Insert at position i (starting at 0, moving the remainder by one position).doubleDoubleDBIDHeap. insert(double key, DBIDRef id)Add a double-id pair to the heapdoubleDoubleDBIDHeap. insert(double distance, DBIDRef id, int max)Add a double-id pair to the heap unless the heap grows beyond the given maximum size.doubleKNNHeap. insert(double distance, DBIDRef id)Add a distance-id pair to the heapdefault doubleKNNHeap. insert(double distance, DBIDRef id, int max)Deprecated.DoubleDBIDPairDBIDFactory. newPair(double val, DBIDRef id)Make a double-DBID pair.DBIDPairDBIDFactory. newPair(DBIDRef id1, DBIDRef id2)Make a DBID pair from two existing DBIDs.static DoubleDBIDPairDBIDUtil. newPair(double val, DBIDRef id)Make a DoubleDBIDPair.static DBIDPairDBIDUtil. newPair(DBIDRef id1, DBIDRef id2)Make a DBID pair.DBIDVarDBIDFactory. newVar(DBIDRef val)Make a new DBID variable.static DBIDVarDBIDUtil. newVar(DBIDRef val)Make a new DBID variable.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.booleanModifiableDBIDs. remove(DBIDRef id)Remove a single DBID from the collection.voidArrayModifiableDBIDs. set(int i, DBIDRef newval)Replace the i'th entry (starting at 0)DBIDVarDBIDVar. set(DBIDRef ref)Assign a new value for the reference.voidDBIDArrayMIter. setDBID(DBIDRef val)Set the current value.voidEmptyDBIDs.EmptyDBIDIterator. setDBID(DBIDRef val)java.lang.StringDBIDFactory. toString(DBIDRef id)Print a DBID as string.static java.lang.StringDBIDUtil. toString(DBIDRef id)Format a DBID as string.Method parameters in elki.database.ids with type arguments of type DBIDRef Modifier and Type Method Description default voidDBIDs. forEach(java.util.function.Consumer<? super DBIDRef> action)Execute a function for each ID.voidEmptyDBIDs. forEach(java.util.function.Consumer<? super DBIDRef> action)private static voidQuickSelectDBIDs. insertionSort(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, int start, int end, DBIDArrayIter iter1, DBIDArrayIter iter2)Sort a small array using repetitive insertion sort.static intQuickSelectDBIDs. median(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator)Compute the median of an array efficiently using the QuickSelect method.static intQuickSelectDBIDs. median(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, int begin, int end)Compute the median of an array efficiently using the QuickSelect method.static intQuickSelectDBIDs. quantile(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, double quant)Compute the median of an array efficiently using the QuickSelect method.static intQuickSelectDBIDs. quantile(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, int begin, int end, double quant)Compute the median of an array efficiently using the QuickSelect method.static voidQuickSelectDBIDs. quickSelect(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, int rank)QuickSelect is essentially quicksort, except that we only "sort" that half of the array that we are interested in.static voidQuickSelectDBIDs. quickSelect(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, int start, int end, int rank)QuickSelect is essentially quicksort, except that we only "sort" that half of the array that we are interested in.voidArrayModifiableDBIDs. sort(int start, int end, java.util.Comparator<? super DBIDRef> comparator)Sort the DBID set.voidArrayModifiableDBIDs. sort(java.util.Comparator<? super DBIDRef> comparator)Sort the DBID set. -
Uses of DBIDRef in elki.database.ids.integer
Subinterfaces of DBIDRef in elki.database.ids.integer Modifier and Type Interface Description interfaceDoubleIntegerDBIDListIterCombination interface of the DoubleDBIDListIter with IntegerDBIDIter.(package private) interfaceDoubleIntegerDBIDListMIterCombination interface for modifiable iterators.(package private) interfaceIntegerDBIDArrayIterModifiable integer array iterator.(package private) interfaceIntegerDBIDArrayMIterModifiable integer array iterator.(package private) interfaceIntegerDBIDIterIterator for integer DBIDs.(package private) interfaceIntegerDBIDMIterModifiable iterator interface for integer DBIDs.(package private) interfaceIntegerDBIDRefDBID reference that references an integer value.Classes in elki.database.ids.integer that implement DBIDRef Modifier and Type Class Description private classArrayModifiableIntegerDBIDs.ItrIterator class.private classArrayModifiableIntegerDBIDs.Slice.SliceItrIterator class.protected classArrayStaticIntegerDBIDs.ItrDBID iterator in ELKI/C style.private classArrayStaticIntegerDBIDs.Slice.SliceItrIterator class.private classDoubleIntegerDBIDArrayList.ItrList iterator.(package private) classDoubleIntegerDBIDHeapWrapper around a primitive heap to handle DBIDs.protected classDoubleIntegerDBIDHeap.UnorderedIterIterate over all objects in the heap, not ordered.(package private) classDoubleIntegerDBIDKNNHeapClass to efficiently manage a kNN heap.private classDoubleIntegerDBIDKNNHeap.UnorderedIterIterate over all objects in the heap, not ordered.(package private) classDoubleIntegerDBIDPairPair containing a double value and an integer DBID.private classDoubleIntegerDBIDSubList.ItrIterator for the sublist.protected static classFastutilIntOpenHashSetModifiableDBIDs.ItrIterator over Fastutil hashs.(package private) classIntegerDBIDDatabase ID object.protected classIntegerDBID.ItrPseudo iterator for DBIDs interface.private classIntegerDBIDKNNSubList.ItrIterator for the sublist.private static classIntegerDBIDPair.ItrIterator.private classIntegerDBIDPair.Slice.SliceItrIterator class.private static classIntegerDBIDRange.ItrIterator in ELKI/C++ style.(package private) classIntegerDBIDVarVariable for storing a single DBID reference.protected classIntegerDBIDVar.ItrPseudo iterator for DBIDs interface.private static classUnmodifiableIntegerArrayDBIDs.ItrMake an existing DBIDMIter unmodifiable.(package private) static classUnmodifiableIntegerDBIDs.UnmodifiableDBIDIterMake an existing DBIDMIter unmodifiable.Methods in elki.database.ids.integer that return DBIDRef Modifier and Type Method Description DBIDRefAbstractIntegerDBIDFactory. invalid()Methods in elki.database.ids.integer with parameters of type DBIDRef Modifier and Type Method Description booleanArrayModifiableIntegerDBIDs. add(DBIDRef e)voidDoubleIntegerDBIDArrayList. add(double dist, DBIDRef id)booleanFastutilIntOpenHashSetModifiableDBIDs. add(DBIDRef e)intArrayModifiableIntegerDBIDs. binarySearch(DBIDRef key)intArrayModifiableIntegerDBIDs.Slice. binarySearch(DBIDRef key)intArrayStaticIntegerDBIDs. binarySearch(DBIDRef key)intArrayStaticIntegerDBIDs.Slice. binarySearch(DBIDRef key)intIntegerDBID. binarySearch(DBIDRef key)intIntegerDBIDPair. binarySearch(DBIDRef key)intIntegerDBIDPair.Slice. binarySearch(DBIDRef key)intIntegerDBIDRange. binarySearch(DBIDRef key)intIntegerDBIDVar. binarySearch(DBIDRef key)intUnmodifiableIntegerArrayDBIDs. binarySearch(DBIDRef key)intAbstractIntegerDBIDFactory. compare(DBIDRef a, DBIDRef b)intIntegerDBID. compareTo(DBIDRef o)booleanArrayModifiableIntegerDBIDs. contains(DBIDRef o)booleanArrayModifiableIntegerDBIDs.Slice. contains(DBIDRef o)booleanArrayStaticIntegerDBIDs. contains(DBIDRef o)booleanArrayStaticIntegerDBIDs.Slice. contains(DBIDRef o)booleanDoubleIntegerDBIDArrayList. contains(DBIDRef o)booleanDoubleIntegerDBIDHeap. contains(DBIDRef o)booleanDoubleIntegerDBIDKNNHeap. contains(DBIDRef o)booleanDoubleIntegerDBIDSubList. contains(DBIDRef o)booleanFastutilIntOpenHashSetModifiableDBIDs. contains(DBIDRef o)booleanIntegerDBID. contains(DBIDRef o)booleanIntegerDBIDKNNSubList. contains(DBIDRef o)booleanIntegerDBIDPair. contains(DBIDRef o)booleanIntegerDBIDPair.Slice. contains(DBIDRef o)booleanIntegerDBIDRange. contains(DBIDRef o)booleanIntegerDBIDVar. contains(DBIDRef o)booleanUnmodifiableIntegerArrayDBIDs. contains(DBIDRef o)booleanUnmodifiableIntegerDBIDs. contains(DBIDRef o)voidTrivialDBIDFactory. deallocateSingleDBID(DBIDRef id)booleanAbstractIntegerDBIDFactory. equal(DBIDRef a, DBIDRef b)DBIDVarIntegerDBIDVar. from(DBIDDataStore store, DBIDRef ref)intIntegerDBIDRange. getOffset(DBIDRef dbid)For storage array offsets.voidArrayModifiableIntegerDBIDs. insert(int i, DBIDRef newval)doubleDoubleIntegerDBIDHeap. insert(double distance, DBIDRef id)doubleDoubleIntegerDBIDHeap. insert(double distance, DBIDRef id, int max)doubleDoubleIntegerDBIDKNNHeap. insert(double distance, DBIDRef id)intIntegerDBIDRange. mapDBIDToOffset(DBIDRef dbid)DoubleDBIDPairAbstractIntegerDBIDFactory. newPair(double val, DBIDRef id)DBIDPairAbstractIntegerDBIDFactory. newPair(DBIDRef first, DBIDRef second)DBIDVarAbstractIntegerDBIDFactory. newVar(DBIDRef val)booleanArrayModifiableIntegerDBIDs. remove(DBIDRef o)booleanFastutilIntOpenHashSetModifiableDBIDs. remove(DBIDRef o)voidDoubleIntegerDBIDHeap. replaceTopElement(double distance, DBIDRef id)Replace the top element.voidArrayModifiableIntegerDBIDs. set(int index, DBIDRef element)DBIDVarIntegerDBIDVar. set(DBIDRef ref)voidArrayModifiableIntegerDBIDs.Itr. setDBID(DBIDRef val)voidDoubleIntegerDBIDArrayList.Itr. setDBID(DBIDRef ref)java.lang.StringAbstractIntegerDBIDFactory. toString(DBIDRef id)Method parameters in elki.database.ids.integer with type arguments of type DBIDRef Modifier and Type Method Description private static intIntegerDBIDArrayQuickSort. compare(IntegerDBIDVar i1, int p1, IntegerDBIDVar i2, int p2, java.util.Comparator<? super DBIDRef> comp)Compare two elements.private static voidIntegerDBIDArrayQuickSort. quickSort(int[] data, int start, int end, java.util.Comparator<? super DBIDRef> comp, IntegerDBIDVar vl, IntegerDBIDVar vk, IntegerDBIDVar vr)Actual recursive sort function.voidArrayModifiableIntegerDBIDs. sort(int start, int end, java.util.Comparator<? super DBIDRef> comparator)voidArrayModifiableIntegerDBIDs. sort(java.util.Comparator<? super DBIDRef> comparator)static voidIntegerDBIDArrayQuickSort. sort(int[] data, int start, int end, java.util.Comparator<? super DBIDRef> comp)Sort the array using the given comparator.static voidIntegerDBIDArrayQuickSort. sort(int[] data, java.util.Comparator<? super DBIDRef> comp)Sort the full array using the given comparator.Constructors in elki.database.ids.integer with parameters of type DBIDRef Constructor Description IntegerDBIDVar(DBIDRef val)Constructor. -
Uses of DBIDRef in elki.database.query
Subinterfaces of DBIDRef in elki.database.query Modifier and Type Interface Description interfacePrioritySearcher<O>Distance priority-based searcher.Classes in elki.database.query that implement DBIDRef Modifier and Type Class Description classExactPrioritySearcher<O>Priority searcher that refines all objects to their exact distances, using another priority searcher inside to provide candidates.classWrappedPrioritySearchDBIDByLookup<O>Find nearest neighbors by querying with the original object.static classWrappedPrioritySearchDBIDByLookup.Linear<O>Linear scan searcher.Methods in elki.database.query that return types with arguments of type DBIDRef Modifier and Type Method Description PrioritySearcher<DBIDRef>WrappedPrioritySearchDBIDByLookup. advance()PrioritySearcher<DBIDRef>WrappedPrioritySearchDBIDByLookup. decreaseCutoff(double threshold)<O> KNNSearcher<DBIDRef>EmpiricalQueryOptimizer. kNNByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, int maxk, int flags)KNNSearcher<DBIDRef>QueryBuilder. kNNByDBID()Build a k-nearest-neighbors query; if possible also give a maximum k.KNNSearcher<DBIDRef>QueryBuilder. kNNByDBID(int maxk)Build a k-nearest-neighbors query.default <O> KNNSearcher<DBIDRef>QueryOptimizer. kNNByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, int maxk, int flags)Optimize a kNN query for this relation.<O> PrioritySearcher<DBIDRef>EmpiricalQueryOptimizer. priorityByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, double maxrange, int flags)PrioritySearcher<DBIDRef>QueryBuilder. priorityByDBID()Build a priority searcher.PrioritySearcher<DBIDRef>QueryBuilder. priorityByDBID(double maxrange)Build a priority searcher.default <O> PrioritySearcher<DBIDRef>QueryOptimizer. priorityByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, double maxrange, int flags)Optimize a distance priority search for this relation.<O> RangeSearcher<DBIDRef>EmpiricalQueryOptimizer. rangeByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, double maxrange, int flags)RangeSearcher<DBIDRef>QueryBuilder. rangeByDBID()Build a range query; if possible also give a maximum query radius.RangeSearcher<DBIDRef>QueryBuilder. rangeByDBID(double maxrange)Build a range query with maximum radius.default <O> RangeSearcher<DBIDRef>QueryOptimizer. rangeByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, double maxrange, int flags)Optimize a range query for this relation.default <O> RKNNSearcher<DBIDRef>QueryOptimizer. rkNNByDBID(Relation<? extends O> relation, DistanceQuery<O> distanceQuery, int maxk, int flags)Optimize a reverse nearest neighbors query for this relation.RKNNSearcher<DBIDRef>QueryBuilder. rKNNByDBID()Build a reverse k-nearest neighbors query.RKNNSearcher<DBIDRef>QueryBuilder. rKNNByDBID(int k)Build a reverse k-nearest neighbors query.PrioritySearcher<DBIDRef>WrappedPrioritySearchDBIDByLookup. search(DBIDRef query)RangeSearcher<DBIDRef>QueryBuilder. similarityRangeByDBID()Build a similarity range query; if possible also specify the least selective threshold.RangeSearcher<DBIDRef>QueryBuilder. similarityRangeByDBID(double threshold)Build a similarity range query.default <O> RangeSearcher<DBIDRef>QueryOptimizer. similarityRangeByDBID(Relation<? extends O> relation, SimilarityQuery<O> simQuery, double maxrange, int flags)Optimize a range query for this relation.static <O> PrioritySearcher<DBIDRef>WrappedPrioritySearchDBIDByLookup. wrap(Relation<? extends O> relation, PrioritySearcher<O> inner)Wrap a query, if notnull.Methods in elki.database.query with parameters of type DBIDRef Modifier and Type Method Description KNNListWrappedPrioritySearchDBIDByLookup. getKNN(DBIDRef id, int k)ModifiableDoubleDBIDListWrappedPrioritySearchDBIDByLookup. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)PrioritySearcher<DBIDRef>WrappedPrioritySearchDBIDByLookup. search(DBIDRef query) -
Uses of DBIDRef in elki.database.query.distance
Classes in elki.database.query.distance that implement DBIDRef Modifier and Type Class Description classLinearScanEuclideanPrioritySearcher<Q,O extends NumberVector>Default linear scan search class, for Euclidean distance.static classLinearScanEuclideanPrioritySearcher.ByDBID<O extends NumberVector>Search by DBID.static classLinearScanEuclideanPrioritySearcher.ByObject<O extends NumberVector>Search by Object.classLinearScanPrioritySearcher<Q,O>Default linear scan search class.static classLinearScanPrioritySearcher.ByDBID<O>Search by DBID.static classLinearScanPrioritySearcher.ByObject<O>Search by Object.Methods in elki.database.query.distance that return types with arguments of type DBIDRef Modifier and Type Method Description PrioritySearcher<DBIDRef>LinearScanEuclideanPrioritySearcher.ByDBID. search(DBIDRef query)PrioritySearcher<DBIDRef>LinearScanPrioritySearcher.ByDBID. search(DBIDRef query)Methods in elki.database.query.distance with parameters of type DBIDRef Modifier and Type Method Description default doubleDatabaseDistanceQuery. distance(DBIDRef id1, O o2)default doubleDatabaseDistanceQuery. distance(O o1, DBIDRef id2)doubleDBIDDistanceQuery. distance(DBIDRef id1, DBIDRef id2)doubleDBIDRangeDistanceQuery. distance(DBIDRef id1, DBIDRef id2)doubleDistanceQuery. distance(DBIDRef id1, DBIDRef id2)Returns the distance between the two objects specified by their object ids.doubleDistanceQuery. distance(DBIDRef id1, O o2)Returns the distance between the two objects specified by their object ids.doubleDistanceQuery. distance(O o1, DBIDRef id2)Returns the distance between the two objects specified by their object ids.doublePrimitiveDistanceQuery. distance(DBIDRef id1, DBIDRef id2)doublePrimitiveDistanceQuery. distance(DBIDRef id1, O o2)doublePrimitiveDistanceQuery. distance(O o1, DBIDRef id2)doubleSpatialDistanceQuery. minDist(SpatialComparable mbr, DBIDRef id)Computes the minimum distance between the given MBR and the FeatureVector object according to this distance function.doubleSpatialPrimitiveDistanceQuery. minDist(SpatialComparable mbr, DBIDRef id)PrioritySearcher<DBIDRef>LinearScanEuclideanPrioritySearcher.ByDBID. search(DBIDRef query)PrioritySearcher<DBIDRef>LinearScanPrioritySearcher.ByDBID. search(DBIDRef query)doublePrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)doublePrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, O o2)doublePrimitiveDistanceSimilarityQuery. similarity(O o1, DBIDRef id2)doubleSpatialPrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)doubleSpatialPrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, O o2)doubleSpatialPrimitiveDistanceSimilarityQuery. similarity(O o1, DBIDRef id2) -
Uses of DBIDRef in elki.database.query.knn
Methods in elki.database.query.knn that return types with arguments of type DBIDRef Modifier and Type Method Description static <O> KNNSearcher<DBIDRef>WrappedKNNDBIDByLookup. wrap(Relation<? extends O> relation, KNNSearcher<O> inner)Wrap a query, if notnull.Methods in elki.database.query.knn with parameters of type DBIDRef Modifier and Type Method Description KNNListLinearScanKNNByDBID. getKNN(DBIDRef id, int k)KNNListPreprocessorKNNQuery. getKNN(DBIDRef id, int k)KNNListPreprocessorSqrtKNNQuery. getKNN(DBIDRef id, int k)KNNListPreprocessorSquaredKNNQuery. getKNN(DBIDRef id, int k)KNNListWrappedKNNDBIDByLookup. getKNN(DBIDRef id, int k) -
Uses of DBIDRef in elki.database.query.range
Methods in elki.database.query.range that return types with arguments of type DBIDRef Modifier and Type Method Description static <O> RangeSearcher<DBIDRef>WrappedRangeDBIDByLookup. wrap(Relation<? extends O> relation, RangeSearcher<O> inner)Wrap a query, if notnull.Methods in elki.database.query.range with parameters of type DBIDRef Modifier and Type Method Description ModifiableDoubleDBIDListLinearScanDistanceRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)ModifiableDoubleDBIDListLinearScanSimilarityRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)ModifiableDoubleDBIDListWrappedRangeDBIDByLookup. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result) -
Uses of DBIDRef in elki.database.query.rknn
Fields in elki.database.query.rknn with type parameters of type DBIDRef Modifier and Type Field Description private KNNSearcher<DBIDRef>LinearScanRKNNByDBID. knnQueryKNN query we use.private KNNSearcher<DBIDRef>LinearScanRKNNByObject. knnQueryKNN query we use.Methods in elki.database.query.rknn that return types with arguments of type DBIDRef Modifier and Type Method Description static <O> RKNNSearcher<DBIDRef>WrappedRKNNDBIDByLookup. wrap(Relation<? extends O> relation, RKNNSearcher<O> inner)Wrap a query, if notnull.Methods in elki.database.query.rknn with parameters of type DBIDRef Modifier and Type Method Description DoubleDBIDListLinearScanRKNNByDBID. getRKNN(DBIDRef id, int k)DoubleDBIDListPreprocessorRKNNQuery. getRKNN(DBIDRef id, int k)DoubleDBIDListWrappedRKNNDBIDByLookup. getRKNN(DBIDRef id, int k)Constructor parameters in elki.database.query.rknn with type arguments of type DBIDRef Constructor Description LinearScanRKNNByDBID(DistanceQuery<O> distanceQuery, KNNSearcher<DBIDRef> knnQuery)Constructor.LinearScanRKNNByObject(DistanceQuery<O> distanceQuery, KNNSearcher<DBIDRef> knnQuery)Constructor. -
Uses of DBIDRef in elki.database.query.similarity
Methods in elki.database.query.similarity with parameters of type DBIDRef Modifier and Type Method Description default doubleDatabaseSimilarityQuery. similarity(DBIDRef id1, O o2)default doubleDatabaseSimilarityQuery. similarity(O o1, DBIDRef id2)doublePrimitiveSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)doublePrimitiveSimilarityQuery. similarity(DBIDRef id1, O o2)doublePrimitiveSimilarityQuery. similarity(O o1, DBIDRef id2)doubleSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)Returns the similarity between the two objects specified by their object ids.doubleSimilarityQuery. similarity(DBIDRef id1, O o2)Returns the similarity between the two objects specified by their object ids.doubleSimilarityQuery. similarity(O o1, DBIDRef id2)Returns the similarity between the two objects specified by their object ids. -
Uses of DBIDRef in elki.database.relation
Methods in elki.database.relation with parameters of type DBIDRef Modifier and Type Method Description voidDoubleRelation.Consumer. accept(DBIDRef idref, double val)Act on each value.intRelationUtil.AscendingByDoubleRelation. compare(DBIDRef id1, DBIDRef id2)intRelationUtil.DescendingByDoubleRelation. compare(DBIDRef id1, DBIDRef id2)voidMaterializedDoubleRelation. delete(DBIDRef id)Delete an objects values.voidMaterializedRelation. delete(DBIDRef id)Delete an objects values.voidModifiableRelation. delete(DBIDRef id)Delete an objects values.doubleDoubleRelation. doubleValue(DBIDRef id)Get the representation of an object.doubleMaterializedDoubleRelation. doubleValue(DBIDRef id)java.lang.StringConvertToStringView. get(DBIDRef id)DBIDDBIDView. get(DBIDRef id)default java.lang.DoubleDoubleRelation. get(DBIDRef id)Deprecated.OMaterializedRelation. get(DBIDRef id)OUTProjectedView. get(DBIDRef id)OProxyView. get(DBIDRef id)ORelation. get(DBIDRef id)Get the representation of an object.voidDoubleRelation. insert(DBIDRef id, java.lang.Double val)Deprecated.useDoubleRelation.set(DBIDRef, double)instead.voidMaterializedDoubleRelation. insert(DBIDRef id, java.lang.Double val)Deprecated.voidMaterializedRelation. insert(DBIDRef id, O val)voidModifiableRelation. insert(DBIDRef id, O val)Set (or insert) an object representation.voidDoubleRelation. set(DBIDRef id, double val)Set an object representation.voidMaterializedDoubleRelation. set(DBIDRef id, double val)Method parameters in elki.database.relation with type arguments of type DBIDRef Modifier and Type Method Description default voidRelation. forEach(java.util.function.BiConsumer<? super DBIDRef,? super O> action)Execute a function for each ID. -
Uses of DBIDRef in elki.distance
Methods in elki.distance with parameters of type DBIDRef Modifier and Type Method Description doubleAbstractDBIDRangeDistance. distance(DBIDRef o1, DBIDRef o2)doubleDBIDDistance. distance(DBIDRef id1, DBIDRef id2)Returns the distance between the two objects specified by their object ids.doubleRandomStableDistance. distance(DBIDRef o1, DBIDRef o2)doubleSharedNearestNeighborJaccardDistance.Instance. distance(DBIDRef id1, DBIDRef id2) -
Uses of DBIDRef in elki.distance.adapter
Methods in elki.distance.adapter with parameters of type DBIDRef Modifier and Type Method Description doubleAbstractSimilarityAdapter.Instance. distance(DBIDRef id1, DBIDRef id2) -
Uses of DBIDRef in elki.evaluation.scores.adapter
Fields in elki.evaluation.scores.adapter declared as DBIDRef Modifier and Type Field Description (package private) DBIDRefFilteredDistanceResultAdapter. skipDBID to skip (usually: query object).Constructors in elki.evaluation.scores.adapter with parameters of type DBIDRef Constructor Description FilteredDistanceResultAdapter(DBIDs set, DoubleDBIDListIter iter, int size, DBIDRef skip)Constructor. -
Uses of DBIDRef in elki.index
Methods in elki.index that return types with arguments of type DBIDRef Modifier and Type Method Description default KNNSearcher<DBIDRef>KNNIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Get a KNN query object for the given distance query and k.default PrioritySearcher<DBIDRef>DistancePriorityIndex. priorityByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)Get a priority search object.default RangeSearcher<DBIDRef>RangeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)Get a range query object for the given distance query and k.RKNNSearcher<DBIDRef>RKNNIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Get a RKNN query object for the given distance query and k.RangeSearcher<DBIDRef>SimilarityRangeIndex. similarityRangeByDBID(SimilarityQuery<O> simQuery, double maxrange, int flags)Get a range query object for the given distance query and k.Methods in elki.index with parameters of type DBIDRef Modifier and Type Method Description booleanDynamicIndex. delete(DBIDRef id)Deletes the specified object from this index.voidDynamicIndex. insert(DBIDRef id)Inserts the specified object into this index.protected doubleAbstractRefiningIndex.AbstractRefiningQuery. refine(DBIDRef id, O q)Refinement distance computation. -
Uses of DBIDRef in elki.index.distancematrix
Classes in elki.index.distancematrix that implement DBIDRef Modifier and Type Class Description classPrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcherRange query using the distance matrix.Methods in elki.index.distancematrix that return types with arguments of type DBIDRef Modifier and Type Method Description PrioritySearcher<DBIDRef>PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher. advance()PrioritySearcher<DBIDRef>PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher. decreaseCutoff(double threshold)KNNSearcher<DBIDRef>PrecomputedDistanceMatrix. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)PrioritySearcher<DBIDRef>PrecomputedDistanceMatrix. priorityByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)RangeSearcher<DBIDRef>PrecomputedDistanceMatrix. rangeByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)PrioritySearcher<DBIDRef>PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher. search(DBIDRef query)RangeSearcher<DBIDRef>PrecomputedSimilarityMatrix. similarityRangeByDBID(SimilarityQuery<O> simQuery, double maxradius, int flags)Methods in elki.index.distancematrix with parameters of type DBIDRef Modifier and Type Method Description doublePrecomputedDistanceMatrix.PrecomputedDistanceQuery. distance(DBIDRef id1, DBIDRef id2)KNNListPrecomputedDistanceMatrix.PrecomputedKNNQuery. getKNN(DBIDRef id, int k)ModifiableDoubleDBIDListPrecomputedDistanceMatrix.PrecomputedRangeQuery. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)ModifiableDoubleDBIDListPrecomputedSimilarityMatrix.PrecomputedSimilarityRangeQuery. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)PrioritySearcher<DBIDRef>PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher. search(DBIDRef query)doublePrecomputedSimilarityMatrix.PrecomputedSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)doublePrecomputedSimilarityMatrix.PrecomputedSimilarityQuery. similarity(DBIDRef id1, O o2)doublePrecomputedSimilarityMatrix.PrecomputedSimilarityQuery. similarity(O o1, DBIDRef id2) -
Uses of DBIDRef in elki.index.invertedlist
Methods in elki.index.invertedlist with parameters of type DBIDRef Modifier and Type Method Description private voidInMemoryInvertedIndex. indexDense(DBIDRef ref, V obj)Index a single (dense) instance.private voidInMemoryInvertedIndex. indexSparse(DBIDRef ref, SparseNumberVector obj)Index a single (sparse) instance. -
Uses of DBIDRef in elki.index.laesa
Fields in elki.index.laesa declared as DBIDRef Modifier and Type Field Description private DBIDRefLAESA.LAESAKNNByDBIDSearcher. queryQuery objectprivate DBIDRefLAESA.LAESARangeByDBIDSearcher. queryQuery objectMethods in elki.index.laesa that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>LAESA. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>LAESA. rangeByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)Methods in elki.index.laesa with parameters of type DBIDRef Modifier and Type Method Description private intLAESA.LAESAKNNSearcher. findInRef(DBIDRef p, DBIDArrayIter ref)Find the given DBIDVar p in the reference iterKNNListLAESA.LAESAKNNByDBIDSearcher. getKNN(DBIDRef query, int k)ModifiableDoubleDBIDListLAESA.LAESARangeByDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)protected doubleLAESA.LAESAKNNByDBIDSearcher. queryDistance(DBIDRef p)protected doubleLAESA.LAESAKNNByObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleLAESA.LAESAKNNSearcher. queryDistance(DBIDRef p)Compute the distance to a candidate object.protected doubleLAESA.LAESARangeByDBIDSearcher. queryDistance(DBIDRef ref)protected doubleLAESA.LAESARangeByObjectSearcher. queryDistance(DBIDRef ref)protected abstract doubleLAESA.LAESARangeSearcher. queryDistance(DBIDRef it)Compute the distance to a candidate object. -
Uses of DBIDRef in elki.index.preprocessed.knn
Fields in elki.index.preprocessed.knn with type parameters of type DBIDRef Modifier and Type Field Description protected KNNSearcher<DBIDRef>MaterializeKNNPreprocessor. knnQueryKNNSearcher instance to use.Methods in elki.index.preprocessed.knn that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>NaiveProjectedKNNPreprocessor. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)KNNSearcher<DBIDRef>SpacefillingKNNPreprocessor. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RKNNSearcher<DBIDRef>MaterializeKNNAndRKNNPreprocessor. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.preprocessed.knn with parameters of type DBIDRef Modifier and Type Method Description private booleanNNDescent. add(DBIDRef cur, DBIDRef cand, double distance)Add cand to cur's heap neighbors with distanceprivate voidNNDescent. addpair(WritableDataStore<HashSetModifiableDBIDs> newNeighbors, DBIDRef o1, DBIDRef o2)booleanMaterializeKNNPreprocessor. delete(DBIDRef id)KNNListAbstractMaterializeKNNPreprocessor. get(DBIDRef id)Get the k nearest neighbors.KNNListNaiveProjectedKNNPreprocessor.NaiveProjectedKNNQuery. getKNN(DBIDRef id, int k)KNNListSpacefillingKNNPreprocessor.SpaceFillingKNNQuery. getKNN(DBIDRef id, int k)DoubleDBIDListMaterializeKNNAndRKNNPreprocessor. getRKNN(DBIDRef id)Returns the materialized RkNNs of the specified id.voidMaterializeKNNPreprocessor. insert(DBIDRef id) -
Uses of DBIDRef in elki.index.preprocessed.snn
Methods in elki.index.preprocessed.snn with parameters of type DBIDRef Modifier and Type Method Description ArrayDBIDsSharedNearestNeighborIndex. getNearestNeighborSet(DBIDRef id)Get the precomputed nearest neighborsArrayDBIDsSharedNearestNeighborPreprocessor. getNearestNeighborSet(DBIDRef objid) -
Uses of DBIDRef in elki.index.projected
Methods in elki.index.projected that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>ProjectedIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>ProjectedIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RKNNSearcher<DBIDRef>ProjectedIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.projected with parameters of type DBIDRef Modifier and Type Method Description KNNListProjectedIndex.ProjectedKNNByDBID. getKNN(DBIDRef id, int k)ModifiableDoubleDBIDListProjectedIndex.ProjectedRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)DoubleDBIDListProjectedIndex.ProjectedRKNNByDBID. getRKNN(DBIDRef id, int k) -
Uses of DBIDRef in elki.index.tree.betula
Methods in elki.index.tree.betula with parameters of type DBIDRef Modifier and Type Method Description voidCFTree. insert(NumberVector nv, DBIDRef dbid)Insert a data point into the tree.private CFNode<L>CFTree. insert(CFNode<L> node, NumberVector nv, DBIDRef dbid)Recursive insertion. -
Uses of DBIDRef in elki.index.tree.metrical.covertree
Classes in elki.index.tree.metrical.covertree that implement DBIDRef Modifier and Type Class Description classCoverTree.CoverTreePriorityDBIDSearcherPriority query class.classCoverTree.CoverTreePriorityObjectSearcherPriority query class.classCoverTree.CoverTreePrioritySearcher<Q>Priority query class.classSimplifiedCoverTree.CoverTreePriorityDBIDSearcherPriority query class.classSimplifiedCoverTree.CoverTreePriorityObjectSearcherPriority query class.classSimplifiedCoverTree.CoverTreePrioritySearcher<Q>Priority query class.Fields in elki.index.tree.metrical.covertree declared as DBIDRef Modifier and Type Field Description private DBIDRefCoverTree.CoverTreeKNNDBIDSearcher. queryQuery reference.private DBIDRefCoverTree.CoverTreePriorityDBIDSearcher. queryQuery objectprivate DBIDRefCoverTree.CoverTreeRangeDBIDSearcher. queryQuery reference.private DBIDRefSimplifiedCoverTree.CoverTreeKNNDBIDSearcher. queryQuery reference.private DBIDRefSimplifiedCoverTree.CoverTreePriorityDBIDSearcher. queryQuery objectprivate DBIDRefSimplifiedCoverTree.CoverTreeRangeDBIDSearcher. queryQuery reference.Methods in elki.index.tree.metrical.covertree that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>CoverTree. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)KNNSearcher<DBIDRef>SimplifiedCoverTree. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)PrioritySearcher<DBIDRef>CoverTree. priorityByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)PrioritySearcher<DBIDRef>SimplifiedCoverTree. priorityByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RangeSearcher<DBIDRef>CoverTree. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RangeSearcher<DBIDRef>SimplifiedCoverTree. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)PrioritySearcher<DBIDRef>CoverTree.CoverTreePriorityDBIDSearcher. search(DBIDRef query)PrioritySearcher<DBIDRef>SimplifiedCoverTree.CoverTreePriorityDBIDSearcher. search(DBIDRef query)Methods in elki.index.tree.metrical.covertree with parameters of type DBIDRef Modifier and Type Method Description protected CoverTree.NodeCoverTree. bulkConstruct(DBIDRef cur, int maxScale, double parentDist, ModifiableDoubleDBIDList elems)Bulk-load the cover tree.protected SimplifiedCoverTree.NodeSimplifiedCoverTree. bulkConstruct(DBIDRef cur, int maxScale, ModifiableDoubleDBIDList elems)Bulk-load the cover tree.protected voidAbstractCoverTree. collectByCover(DBIDRef cur, ModifiableDoubleDBIDList candidates, double fmax, ModifiableDoubleDBIDList collect)Collect all elements with respect to a new routing object.protected doubleAbstractCoverTree. distance(DBIDRef a, DBIDRef b)Compute a distance (and count).protected doubleAbstractCoverTree. distance(O a, DBIDRef b)Compute a distance (and count).KNNListCoverTree.CoverTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)KNNListSimplifiedCoverTree.CoverTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)ModifiableDoubleDBIDListCoverTree.CoverTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)ModifiableDoubleDBIDListSimplifiedCoverTree.CoverTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)protected doubleCoverTree.CoverTreeKNNDBIDSearcher. queryDistance(DBIDRef it)protected doubleCoverTree.CoverTreeKNNObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleCoverTree.CoverTreeKNNSearcher. queryDistance(DBIDRef it)Compute distance to query object.protected doubleCoverTree.CoverTreePriorityDBIDSearcher. queryDistance(DBIDRef it)protected doubleCoverTree.CoverTreePriorityObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleCoverTree.CoverTreePrioritySearcher. queryDistance(DBIDRef it)Compute distance to query object.protected doubleCoverTree.CoverTreeRangeDBIDSearcher. queryDistance(DBIDRef it)protected doubleCoverTree.CoverTreeRangeObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleCoverTree.CoverTreeRangeSearcher. queryDistance(DBIDRef it)Compute distance to query object.protected doubleSimplifiedCoverTree.CoverTreeKNNDBIDSearcher. queryDistance(DBIDRef it)protected doubleSimplifiedCoverTree.CoverTreeKNNObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleSimplifiedCoverTree.CoverTreeKNNSearcher. queryDistance(DBIDRef it)Compute distance to query object.protected doubleSimplifiedCoverTree.CoverTreePriorityDBIDSearcher. queryDistance(DBIDRef it)protected doubleSimplifiedCoverTree.CoverTreePriorityObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleSimplifiedCoverTree.CoverTreePrioritySearcher. queryDistance(DBIDRef it)Compute distance to query object.protected doubleSimplifiedCoverTree.CoverTreeRangeDBIDSearcher. queryDistance(DBIDRef it)protected doubleSimplifiedCoverTree.CoverTreeRangeObjectSearcher. queryDistance(DBIDRef it)protected abstract doubleSimplifiedCoverTree.CoverTreeRangeSearcher. queryDistance(DBIDRef it)Compute distance to query object.PrioritySearcher<DBIDRef>CoverTree.CoverTreePriorityDBIDSearcher. search(DBIDRef query)PrioritySearcher<DBIDRef>SimplifiedCoverTree.CoverTreePriorityDBIDSearcher. search(DBIDRef query)Constructors in elki.index.tree.metrical.covertree with parameters of type DBIDRef Constructor Description Node(DBIDRef r, double maxDist, double parentDist)Constructor.Node(DBIDRef r, double maxDist, double parentDist, DoubleDBIDList singletons)Constructor for leaf node.Node(DBIDRef r, double maxDist)Constructor.Node(DBIDRef r, double maxDist, DoubleDBIDList singletons)Constructor for leaf node. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants
Methods in elki.index.tree.metrical.mtreevariants with parameters of type DBIDRef Modifier and Type Method Description abstract doubleAbstractMTree. distance(DBIDRef id1, DBIDRef id2)Returns the distance between the two specified ids. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mktrees
Fields in elki.index.tree.metrical.mtreevariants.mktrees with type parameters of type DBIDRef Modifier and Type Field Description protected KNNSearcher<DBIDRef>AbstractMkTree. knnqInternal class for performing knn queriesMethods in elki.index.tree.metrical.mtreevariants.mktrees with parameters of type DBIDRef Modifier and Type Method Description doubleAbstractMkTree. distance(DBIDRef id1, DBIDRef id2)abstract DoubleDBIDListAbstractMkTree. reverseKNNQuery(DBIDRef id, int k)Performs a reverse k-nearest neighbor query for the given object ID. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mktrees.mkapp
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkapp that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>MkAppTreeIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>MkAppTreeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RKNNSearcher<DBIDRef>MkAppTreeIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkapp with parameters of type DBIDRef Modifier and Type Method Description DoubleDBIDListMkAppTree. reverseKNNQuery(DBIDRef id, int k)Performs a reverse k-nearest neighbor query for the given object ID. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mktrees.mkcop
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkcop that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>MkCoPTreeIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>MkCoPTreeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RKNNSearcher<DBIDRef>MkCoPTreeIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkcop with parameters of type DBIDRef Modifier and Type Method Description private voidMkCoPTree. doReverseKNNQuery(int k, DBIDRef q, ModifiableDoubleDBIDList result, ModifiableDBIDs candidates)Performs a reverse knn query.DoubleDBIDListMkCoPTree. reverseKNNQuery(DBIDRef id, int k)Performs a reverse k-nearest neighbor query for the given object ID. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mktrees.mkmax
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkmax that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>MkMaxTreeIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>MkMaxTreeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RKNNSearcher<DBIDRef>MkMaxTreeIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkmax with parameters of type DBIDRef Modifier and Type Method Description protected MkMaxLeafEntryMkMaxTreeIndex. createNewLeafEntry(DBID id, DBIDRef object, double parentDistance)booleanMkMaxTreeIndex. delete(DBIDRef id)Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.private voidMkMaxTree. doReverseKNNQuery(DBIDRef q, MkMaxTreeNode<O> node, MkMaxEntry node_entry, ModifiableDoubleDBIDList result)Performs a reverse k-nearest neighbor query in the specified subtree for the given query object with k =AbstractMkTreeUnified.getKmax().voidMkMaxTreeIndex. insert(DBIDRef id)DoubleDBIDListMkMaxTree. reverseKNNQuery(DBIDRef id, int k)Performs a reverse k-nearest neighbor query for the given object ID. -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mktrees.mktab
Methods in elki.index.tree.metrical.mtreevariants.mktrees.mktab that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>MkTabTreeIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>MkTabTreeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)RKNNSearcher<DBIDRef>MkTabTreeIndex. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.tree.metrical.mtreevariants.mktrees.mktab with parameters of type DBIDRef Modifier and Type Method Description protected MkTabEntryMkTabTreeIndex. createNewLeafEntry(DBID id, DBIDRef object, double parentDistance)Creates a new leaf entry representing the specified data object in the specified subtree.private voidMkTabTree. doReverseKNNQuery(int k, DBIDRef q, MkTabEntry node_entry, MkTabTreeNode<O> node, ModifiableDoubleDBIDList result)Performs a k-nearest neighbor query in the specified subtree for the given query object and the given parameter k.private double[]MkTabTreeIndex. knnDistances(DBIDRef object)Returns the knn distance of the object with the specified id.DoubleDBIDListMkTabTree. reverseKNNQuery(DBIDRef id, int k) -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.mtree
Methods in elki.index.tree.metrical.mtreevariants.mtree that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>MTreeIndex. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)RangeSearcher<DBIDRef>MTreeIndex. rangeByDBID(DistanceQuery<O> distanceQuery, double maxradius, int flags)Methods in elki.index.tree.metrical.mtreevariants.mtree with parameters of type DBIDRef Modifier and Type Method Description booleanMTreeIndex. delete(DBIDRef id)Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.doubleMTreeIndex. distance(DBIDRef id1, DBIDRef id2)voidMTreeIndex. insert(DBIDRef id) -
Uses of DBIDRef in elki.index.tree.metrical.mtreevariants.query
Methods in elki.index.tree.metrical.mtreevariants.query with parameters of type DBIDRef Modifier and Type Method Description private voidMTreeRangeByDBID. doRangeQuery(DBID o_p, AbstractMTreeNode<O,?,?> node, DBIDRef q, double r_q, ModifiableDoubleDBIDList result)Performs a range query on the specified subtree.KNNListMTreeKNNByDBID. getKNN(DBIDRef q, int k)ModifiableDoubleDBIDListMTreeRangeByDBID. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)DoubleDBIDListMkTreeRKNNQuery. getRKNN(DBIDRef id, int k) -
Uses of DBIDRef in elki.index.tree.metrical.vptree
Classes in elki.index.tree.metrical.vptree that implement DBIDRef Modifier and Type Class Description classGNAT.GNATPriorityDBIDSearcherRange search for the VP-tree.classGNAT.GNATPriorityObjectSearcherRange search for the VP-tree.classGNAT.GNATPrioritySearcher<T>priority search query for mvp-treeclassVPTree.VPTreePriorityDBIDSearcherRange search for the VP-tree.classVPTree.VPTreePriorityObjectSearcherRange search for the VP-tree.classVPTree.VPTreePrioritySearcher<Q>Priority search for the VP-Tree.Fields in elki.index.tree.metrical.vptree declared as DBIDRef Modifier and Type Field Description private DBIDRefGNAT.GNATKNNDBIDSearcher. queryCurrent query objectprivate DBIDRefGNAT.GNATPriorityDBIDSearcher. queryCurrent query objectprivate DBIDRefGNAT.GNATRangeDBIDSearcher. queryCurrent query objectprivate DBIDRefVPTree.VPTreeKNNDBIDSearcher. queryCurrent query objectprivate DBIDRefVPTree.VPTreePriorityDBIDSearcher. queryCurrent query objectprivate DBIDRefVPTree.VPTreeRangeDBIDSearcher. queryCurrent query objectMethods in elki.index.tree.metrical.vptree that return types with arguments of type DBIDRef Modifier and Type Method Description KNNSearcher<DBIDRef>GNAT. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)KNNSearcher<DBIDRef>VPTree. kNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)PrioritySearcher<DBIDRef>GNAT. priorityByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)PrioritySearcher<DBIDRef>VPTree. priorityByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)RangeSearcher<DBIDRef>GNAT. rangeByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)RangeSearcher<DBIDRef>VPTree. rangeByDBID(DistanceQuery<O> distanceQuery, double maxrange, int flags)PrioritySearcher<DBIDRef>GNAT.GNATPriorityDBIDSearcher. search(DBIDRef query)PrioritySearcher<DBIDRef>VPTree.VPTreePriorityDBIDSearcher. search(DBIDRef query)Methods in elki.index.tree.metrical.vptree with parameters of type DBIDRef Modifier and Type Method Description private doubleVPTree.Builder. calcMoment(DBIDRef p, DBIDs check, int size)Calculate the 2nd moment to the median of the distances to pprivate doubleGNAT. distance(DBIDRef a, DBIDRef b)Compute a distance, and count.private doubleGNAT. distance(O a, DBIDRef b)Compute a distance, and count.private doubleVPTree. distance(DBIDRef a, DBIDRef b)Compute a distance, and count.private doubleVPTree. distance(O a, DBIDRef b)Compute a distance, and count.KNNListGNAT.GNATKNNDBIDSearcher. getKNN(DBIDRef query, int k)KNNListVPTree.VPTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)ModifiableDoubleDBIDListGNAT.GNATRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)ModifiableDoubleDBIDListVPTree.VPTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)protected doubleGNAT.GNATKNNDBIDSearcher. queryDistance(DBIDRef p)protected doubleGNAT.GNATKNNObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleGNAT.GNATKNNSearcher. queryDistance(DBIDRef iter)Query the distance to a query object.protected doubleGNAT.GNATPriorityDBIDSearcher. queryDistance(DBIDRef p)protected doubleGNAT.GNATPriorityObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleGNAT.GNATPrioritySearcher. queryDistance(DBIDRef iter)Query the distance to a query object.protected doubleGNAT.GNATRangeDBIDSearcher. queryDistance(DBIDRef p)protected doubleGNAT.GNATRangeObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleGNAT.GNATRangeSearcher. queryDistance(DBIDRef iter)Query the distance to a query object.protected doubleVPTree.VPTreeKNNDBIDSearcher. queryDistance(DBIDRef p)protected doubleVPTree.VPTreeKNNObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleVPTree.VPTreeKNNSearcher. queryDistance(DBIDRef p)Compute the distance to a candidate object.protected doubleVPTree.VPTreePriorityDBIDSearcher. queryDistance(DBIDRef p)protected doubleVPTree.VPTreePriorityObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleVPTree.VPTreePrioritySearcher. queryDistance(DBIDRef p)Compute the distance to a candidate object.protected doubleVPTree.VPTreeRangeDBIDSearcher. queryDistance(DBIDRef p)protected doubleVPTree.VPTreeRangeObjectSearcher. queryDistance(DBIDRef p)protected abstract doubleVPTree.VPTreeRangeSearcher. queryDistance(DBIDRef p)Compute the distance to a candidate object.PrioritySearcher<DBIDRef>GNAT.GNATPriorityDBIDSearcher. search(DBIDRef query)PrioritySearcher<DBIDRef>VPTree.VPTreePriorityDBIDSearcher. search(DBIDRef query) -
Uses of DBIDRef in elki.index.tree.spatial.kd
Classes in elki.index.tree.spatial.kd that implement DBIDRef Modifier and Type Class Description classMemoryKDTree.KDTreePrioritySearcherPriority search for the k-d-tree.classMinimalisticMemoryKDTree.KDTreePrioritySearcherPriority search for the k-d-tree.classSmallMemoryKDTree.KDTreePrioritySearcherPriority search for the k-d-tree.Methods in elki.index.tree.spatial.kd with parameters of type DBIDRef Modifier and Type Method Description intMinimalisticMemoryKDTree.CountSortAccesses. compare(DBIDRef id1, DBIDRef id2)OMemoryKDTree.CountingRelation. get(DBIDRef id) -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants
Methods in elki.index.tree.spatial.rstarvariants with parameters of type DBIDRef Modifier and Type Method Description protected IndexTreePath<E>AbstractRStarTree. findPathToObject(IndexTreePath<E> subtree, SpatialComparable mbr, DBIDRef id)Returns the path to the leaf entry in the specified subtree that represents the data object with the specified mbr and id. -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants.deliclu
Methods in elki.index.tree.spatial.rstarvariants.deliclu with parameters of type DBIDRef Modifier and Type Method Description booleanDeLiCluTreeIndex. delete(DBIDRef id)Deletes the specified object from this index.voidDeLiCluTreeIndex. insert(DBIDRef id)Inserts the specified real vector object into this index.IndexTreePath<DeLiCluEntry>DeLiCluTreeIndex. setHandled(DBIDRef id, O obj)Marks the specified object as handled and returns the path of node ids from the root to the objects's parent. -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants.flat
Methods in elki.index.tree.spatial.rstarvariants.flat with parameters of type DBIDRef Modifier and Type Method Description booleanFlatRStarTreeIndex. delete(DBIDRef id)voidFlatRStarTreeIndex. insert(DBIDRef id)Inserts the specified real vector object into this index. -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants.query
Classes in elki.index.tree.spatial.rstarvariants.query that implement DBIDRef Modifier and Type Class Description classEuclideanRStarTreeDistancePrioritySearcher<O extends SpatialComparable>Instance of priority search for a particular spatial index.classRStarTreeDistancePrioritySearcher<O extends SpatialComparable>Instance of priority search for a particular spatial index. -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants.rdknn
Fields in elki.index.tree.spatial.rstarvariants.rdknn with type parameters of type DBIDRef Modifier and Type Field Description protected KNNSearcher<DBIDRef>RdKNNTree. knnQueryInternal knn query object, for updating the rKNN.Methods in elki.index.tree.spatial.rstarvariants.rdknn that return types with arguments of type DBIDRef Modifier and Type Method Description RKNNSearcher<DBIDRef>RdKNNTree. rkNNByDBID(DistanceQuery<O> distanceQuery, int maxk, int flags)Methods in elki.index.tree.spatial.rstarvariants.rdknn with parameters of type DBIDRef Modifier and Type Method Description booleanRdKNNTree. delete(DBIDRef id)Deletes the specified object from this index.voidRdKNNTree. insert(DBIDRef id)Inserts the specified real vector object into this index. -
Uses of DBIDRef in elki.index.tree.spatial.rstarvariants.rstar
Methods in elki.index.tree.spatial.rstarvariants.rstar with parameters of type DBIDRef Modifier and Type Method Description protected SpatialPointLeafEntryRStarTreeIndex. createNewLeafEntry(DBIDRef id)Create a new leaf entry.booleanRStarTreeIndex. delete(DBIDRef id)Deletes the specified object from this index.voidRStarTreeIndex. insert(DBIDRef id)Inserts the specified reel vector object into this index. -
Uses of DBIDRef in elki.index.vafile
Classes in elki.index.vafile that implement DBIDRef Modifier and Type Class Description classVectorApproximationObject in a VA approximation.Methods in elki.index.vafile that return DBIDRef Modifier and Type Method Description DBIDRefPartialVAFile.PartialVACandidate. getApprox()Get the vector approximation.Methods in elki.index.vafile with parameters of type DBIDRef Modifier and Type Method Description VectorApproximationVAFile. calculateApproximation(DBIDRef id, V dv)Calculate the VA file position given the existing borders.protected VectorApproximationPartialVAFile. calculateFullApproximation(DBIDRef id, V dv)Calculate the VA file position given the existing borders.Constructors in elki.index.vafile with parameters of type DBIDRef Constructor Description VectorApproximation(DBIDRef id, int[] approximation)Constructor. -
Uses of DBIDRef in elki.math.statistics.intrinsicdimensionality
Methods in elki.math.statistics.intrinsicdimensionality with parameters of type DBIDRef Modifier and Type Method Description doubleABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleALIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleALIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<?> distq, DBIDRef cur, double range)default doubleDistanceBasedIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)default doubleDistanceBasedIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range)doubleIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends O> distq, DBIDRef cur, int k)Estimate from a Reference Point, a KNNSearcher and the neighborhood size k.doubleIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends O> distq, DBIDRef cur, double range)Estimate from a distance list.doubleLPCAEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, int k)doubleLPCAEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, double range)doubleRABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleTightLIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)doubleTightLIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range)Method parameters in elki.math.statistics.intrinsicdimensionality with type arguments of type DBIDRef Modifier and Type Method Description doubleABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleALIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleALIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<?> distq, DBIDRef cur, double range)default doubleDistanceBasedIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)default doubleDistanceBasedIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range)doubleIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends O> distq, DBIDRef cur, int k)Estimate from a Reference Point, a KNNSearcher and the neighborhood size k.doubleIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends O> distq, DBIDRef cur, double range)Estimate from a distance list.doubleLPCAEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, int k)doubleLPCAEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, double range)doubleRABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)doubleTightLIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)doubleTightLIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range) -
Uses of DBIDRef in elki.outlier
Method parameters in elki.outlier with type arguments of type DBIDRef 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 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) -
Uses of DBIDRef in elki.outlier.anglebased
Methods in elki.outlier.anglebased with parameters of type DBIDRef Modifier and Type Method Description protected doubleABOD. computeABOF(KernelMatrix kernelMatrix, DBIDRef pA, DBIDArrayIter pB, DBIDArrayIter pC, MeanVariance s)Compute the exact ABOF value. -
Uses of DBIDRef in elki.outlier.density
Methods in elki.outlier.density with parameters of type DBIDRef Modifier and Type Method Description voidHySortOD.Hypercube. add(DBIDRef instance) -
Uses of DBIDRef in elki.outlier.distance
Methods in elki.outlier.distance with parameters of type DBIDRef Modifier and Type Method Description protected static doubleSOS. computeH(DBIDRef ignore, DoubleDBIDListIter it, double[] p, double mbeta)Compute H (observed perplexity) for row i, and the row pij_i.static doubleSOS. computePi(DBIDRef ignore, DoubleDBIDListIter it, double[] p, double perplexity, double logPerp)Compute row p[i], using binary search on the kernel bandwidth sigma to obtain the desired perplexity.protected static doubleSOS. estimateInitialBeta(DBIDRef ignore, DoubleDBIDListIter it, double perplexity)Estimate beta from the distances in a row. -
Uses of DBIDRef in elki.outlier.distance.parallel
Methods in elki.outlier.distance.parallel with parameters of type DBIDRef Modifier and Type Method Description voidKNNWeightProcessor.Instance. map(DBIDRef id) -
Uses of DBIDRef in elki.outlier.intrinsic
Methods in elki.outlier.intrinsic with parameters of type DBIDRef Modifier and Type Method Description protected static voidISOS. adjustDistances(DBIDRef ignore, DoubleDBIDListIter ki, double max, double id, ModifiableDoubleDBIDList dists)protected doubleISOS. estimateID(DBIDRef ignore, DoubleDBIDListIter it, double[] p)Estimate the local intrinsic dimensionality.Method parameters in elki.outlier.intrinsic with type arguments of type DBIDRef 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 IDs -
Uses of DBIDRef in elki.outlier.lof
Fields in elki.outlier.lof with type parameters of type DBIDRef Modifier and Type Field Description private KNNSearcher<DBIDRef>FlexibleLOF.LOFResult. kNNReachThe kNN query w.r.t. the reachability distance.private KNNSearcher<DBIDRef>FlexibleLOF.LOFResult. kNNReferThe kNN query w.r.t. the reference neighborhood distance.private RKNNSearcher<DBIDRef>FlexibleLOF.LOFResult. rkNNReachThe rkNN query w.r.t. the reachability distance.private RKNNSearcher<DBIDRef>FlexibleLOF.LOFResult. rkNNReferThe RkNN query w.r.t. the reference neighborhood distance.Methods in elki.outlier.lof that return types with arguments of type DBIDRef Modifier and Type Method Description private Pair<Pair<KNNSearcher<DBIDRef>,KNNSearcher<DBIDRef>>,Pair<RKNNSearcher<DBIDRef>,RKNNSearcher<DBIDRef>>>OnlineLOF. getKNNAndRkNNQueries(Relation<O> relation, StepProgress stepprog)Get the kNN and rkNN queries for the algorithm.private Pair<Pair<KNNSearcher<DBIDRef>,KNNSearcher<DBIDRef>>,Pair<RKNNSearcher<DBIDRef>,RKNNSearcher<DBIDRef>>>OnlineLOF. getKNNAndRkNNQueries(Relation<O> relation, StepProgress stepprog)Get the kNN and rkNN queries for the algorithm.private Pair<Pair<KNNSearcher<DBIDRef>,KNNSearcher<DBIDRef>>,Pair<RKNNSearcher<DBIDRef>,RKNNSearcher<DBIDRef>>>OnlineLOF. getKNNAndRkNNQueries(Relation<O> relation, StepProgress stepprog)Get the kNN and rkNN queries for the algorithm.private Pair<Pair<KNNSearcher<DBIDRef>,KNNSearcher<DBIDRef>>,Pair<RKNNSearcher<DBIDRef>,RKNNSearcher<DBIDRef>>>OnlineLOF. getKNNAndRkNNQueries(Relation<O> relation, StepProgress stepprog)Get the kNN and rkNN queries for the algorithm.KNNSearcher<DBIDRef>FlexibleLOF.LOFResult. getKNNReach()Get the knn query for the reachability set.KNNSearcher<DBIDRef>FlexibleLOF.LOFResult. getKNNRefer()Get the knn query for the reference set.RKNNSearcher<DBIDRef>FlexibleLOF.LOFResult. getRkNNReach()Get the RkNN query for the reachability set.RKNNSearcher<DBIDRef>FlexibleLOF.LOFResult. getRkNNRefer()Get the RkNN query for the reference set.Methods in elki.outlier.lof with parameters of type DBIDRef Modifier and Type Method Description protected doubleLOF. computeLOFScore(KNNSearcher<DBIDRef> knnq, DBIDRef cur, DoubleDataStore lrds)Compute a single LOF score.Method parameters in elki.outlier.lof with type arguments of type DBIDRef 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 voidINFLO. computeINFLO(Relation<O> relation, ModifiableDBIDs pruned, KNNSearcher<DBIDRef> knnq, WritableDataStore<ModifiableDBIDs> rNNminuskNNs, WritableDoubleDataStore inflos, DoubleMinMax inflominmax)Compute the final INFLO scores.protected voidFlexibleLOF. computeLOFs(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)Computes the Local outlier factor (LOF) of the specified objects.protected doubleLOF. computeLOFScore(KNNSearcher<DBIDRef> knnq, DBIDRef cur, DoubleDataStore lrds)Compute a single LOF score.private voidLOF. computeLOFScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)Compute local outlier factors.protected doubleLOF. computeLRD(KNNSearcher<DBIDRef> knnq, DBIDIter curr)Compute a single local reachability distance.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.protected voidLoOP. computePDists(Relation<O> relation, KNNSearcher<DBIDRef> knn, WritableDoubleDataStore pdists)Compute the probabilistic distances used by LoOP.protected doubleLoOP. computePLOFs(Relation<O> relation, KNNSearcher<DBIDRef> knn, WritableDoubleDataStore pdists, WritableDoubleDataStore plofs)Compute the LOF values, using the pdist distances.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.protected voidLOCI. precomputeInterestingRadii(DBIDs ids, RangeSearcher<DBIDRef> rangeQuery, WritableDataStore<LOCI.DoubleIntArrayList> interestingDistances)Preprocessing step: determine the radii of interest for each point.voidFlexibleLOF.LOFResult. setRkNNReach(RKNNSearcher<DBIDRef> rkNNReach)Sets the RkNN query w.r.t. the reachability distance.voidFlexibleLOF.LOFResult. setRkNNRefer(RKNNSearcher<DBIDRef> rkNNRefer)Sets the RkNN query w.r.t. the reference neighborhood distance.Constructor parameters in elki.outlier.lof with type arguments of type DBIDRef Constructor Description LOFResult(OutlierResult result, KNNSearcher<DBIDRef> kNNRefer, KNNSearcher<DBIDRef> kNNReach, WritableDoubleDataStore lrds, WritableDoubleDataStore lofs)Encapsulates information generated during a run of theFlexibleLOFalgorithm. -
Uses of DBIDRef in elki.outlier.lof.parallel
Methods in elki.outlier.lof.parallel with parameters of type DBIDRef Modifier and Type Method Description voidLOFProcessor.Instance. map(DBIDRef id)voidLRDProcessor.Instance. map(DBIDRef id)voidSimplifiedLRDProcessor.Instance. map(DBIDRef id) -
Uses of DBIDRef in elki.outlier.spatial.neighborhood
Methods in elki.outlier.spatial.neighborhood with parameters of type DBIDRef Modifier and Type Method Description DBIDsAbstractPrecomputedNeighborhood. getNeighborDBIDs(DBIDRef reference)DBIDsNeighborSetPredicate. getNeighborDBIDs(DBIDRef reference)Get the neighbors of a reference object for DBSCAN. -
Uses of DBIDRef in elki.outlier.spatial.neighborhood.weighted
Methods in elki.outlier.spatial.neighborhood.weighted with parameters of type DBIDRef Modifier and Type Method Description java.util.Collection<DoubleDBIDPair>LinearWeightedExtendedNeighborhood. getWeightedNeighbors(DBIDRef reference)java.util.Collection<DoubleDBIDPair>UnweightedNeighborhoodAdapter. getWeightedNeighbors(DBIDRef reference)java.util.Collection<DoubleDBIDPair>WeightedNeighborSetPredicate. getWeightedNeighbors(DBIDRef reference)Get the neighbors of a reference object for DBSCAN. -
Uses of DBIDRef in elki.outlier.subspace
Methods in elki.outlier.subspace with parameters of type DBIDRef Modifier and Type Method Description private DBIDsSOD. getNearestNeighbors(Relation<V> relation, SimilarityQuery<V> simQ, DBIDRef queryObject)Get the k nearest neighbors in terms of the shared nearest neighbor distance.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.private DoubleDBIDListOUTRES. subsetNeighborhoodQuery(DoubleDBIDList neighc, DBIDRef dbid, PrimitiveDistance<? super NumberVector> df, double adjustedEps, OUTRES.KernelDensityEstimator kernel, ModifiableDoubleDBIDList n)Refine neighbors within a subset. -
Uses of DBIDRef in elki.parallel.processor
Fields in elki.parallel.processor with type parameters of type DBIDRef Modifier and Type Field Description (package private) KNNSearcher<DBIDRef>KNNProcessor.Instance. knnqkNN query(package private) java.util.function.Supplier<KNNSearcher<DBIDRef>>KNNProcessor. knnqKNN query objectMethods in elki.parallel.processor with parameters of type DBIDRef Modifier and Type Method Description abstract voidAbstractDoubleProcessor.Instance. map(DBIDRef id)voidDoubleMinMaxProcessor.Instance. map(DBIDRef id)voidKDistanceProcessor.Instance. map(DBIDRef id)voidKNNProcessor.Instance. map(DBIDRef id)voidProcessor.Instance. map(DBIDRef id)Process ("map") a single objectvoidWriteDataStoreProcessor.Instance. map(DBIDRef id)voidWriteDoubleDataStoreProcessor.Instance. map(DBIDRef id)voidWriteIntegerDataStoreProcessor.Instance. map(DBIDRef id)Constructor parameters in elki.parallel.processor with type arguments of type DBIDRef Constructor Description Instance(int k, KNNSearcher<DBIDRef> knnq, SharedObject.Instance<KNNList> out)Constructor.KNNProcessor(int k, java.util.function.Supplier<KNNSearcher<DBIDRef>> knnq)Constructor. -
Uses of DBIDRef in elki.projection
Methods in elki.projection with parameters of type DBIDRef Modifier and Type Method Description protected voidIntrinsicNearestNeighborAffinityMatrixBuilder. convertNeighbors(DBIDRange ids, DBIDRef ix, boolean square, KNNList neighbours, DoubleArray dist, IntegerArray ind, Mean m)Load a neighbor query result into a double and and integer array, also removing the query point.protected voidNearestNeighborAffinityMatrixBuilder. convertNeighbors(DBIDRange ids, DBIDRef ix, boolean square, KNNList neighbours, DoubleArray dist, IntegerArray ind)Load a neighbor query result into a double and and integer array, also removing the query point.Method parameters in elki.projection with type arguments of type DBIDRef Modifier and Type Method Description protected voidIntrinsicNearestNeighborAffinityMatrixBuilder. computePij(DBIDRange ids, KNNSearcher<DBIDRef> knnq, boolean square, int numberOfNeighbours, double[][] pij, int[][] indices, double initialScale)Compute the sparse pij using the nearest neighbors only.protected voidNearestNeighborAffinityMatrixBuilder. computePij(DBIDRange ids, KNNSearcher<DBIDRef> knnq, boolean square, int numberOfNeighbours, double[][] pij, int[][] indices, double initialScale)Compute the sparse pij using the nearest neighbors only. -
Uses of DBIDRef in elki.result
Methods in elki.result with parameters of type DBIDRef Modifier and Type Method Description private java.lang.StringBuilderKMLOutputHandler. makeDescription(java.util.Collection<Relation<?>> relations, DBIDRef id)Make an HTML description. -
Uses of DBIDRef in elki.result.textwriter
Methods in elki.result.textwriter with parameters of type DBIDRef Modifier and Type Method Description private voidTextWriter. printObject(TextWriterStream out, Database db, DBIDRef objID, java.util.List<Relation<?>> ra) -
Uses of DBIDRef in elki.similarity
Methods in elki.similarity with parameters of type DBIDRef Modifier and Type Method Description doubleFractionalSharedNearestNeighborSimilarity.Instance. similarity(DBIDRef id1, DBIDRef id2)doubleSharedNearestNeighborSimilarity.Instance. similarity(DBIDRef id1, DBIDRef id2) -
Uses of DBIDRef in elki.similarity.kernel
Methods in elki.similarity.kernel with parameters of type DBIDRef Modifier and Type Method Description doubleKernelMatrix. getDistance(DBIDRef o1, DBIDRef o2)Returns the kernel distance between the two specified objects.intKernelMatrix.DBIDMap. getOffset(DBIDRef id)Get the offset of the DBID in the range.intKernelMatrix.RangeMap. getOffset(DBIDRef id)intKernelMatrix.SortedArrayMap. getOffset(DBIDRef id)doubleKernelMatrix. getSimilarity(DBIDRef id1, DBIDRef id2)Get the kernel similarity for the given objects.doubleKernelMatrix. getSquaredDistance(DBIDRef id1, DBIDRef id2)Returns the squared kernel distance between the two specified objects. -
Uses of DBIDRef in elki.timeseries
Methods in elki.timeseries with parameters of type DBIDRef Modifier and Type Method Description voidChangePoints. add(DBIDRef iter, int column, double score)Add a change point to the result.private doubleSigniTrendChangeDetection.Instance. processRow(DBIDRef iter, NumberVector row, ChangePoints changepoints)Process one row, assuming a constant time interval.Constructors in elki.timeseries with parameters of type DBIDRef Constructor Description ChangePoint(DBIDRef iter, int column, double score)Constructor. -
Uses of DBIDRef in elki.utilities.datastructures.unionfind
Methods in elki.utilities.datastructures.unionfind with parameters of type DBIDRef Modifier and Type Method Description intUnionFind. find(DBIDRef p)Find the component ID of an element.intWeightedQuickUnionRangeDBIDs. find(DBIDRef element)intWeightedQuickUnionStaticDBIDs. find(DBIDRef element)booleanUnionFind. isConnected(DBIDRef p, DBIDRef q)Test if two components are connected.booleanWeightedQuickUnionRangeDBIDs. isConnected(DBIDRef first, DBIDRef second)booleanWeightedQuickUnionStaticDBIDs. isConnected(DBIDRef first, DBIDRef second)intUnionFind. union(DBIDRef p, DBIDRef q)Join the components of elements p and q.intWeightedQuickUnionRangeDBIDs. union(DBIDRef first, DBIDRef second)intWeightedQuickUnionStaticDBIDs. union(DBIDRef first, DBIDRef second) -
Uses of DBIDRef in elki.visualization.style
Methods in elki.visualization.style with parameters of type DBIDRef Modifier and Type Method Description intClusterStylingPolicy. getColorForDBID(DBIDRef id)intStylingPolicy. getColorForDBID(DBIDRef id)Get the color for an individual object.doubleClusterStylingPolicy. getIntensityForDBID(DBIDRef id)default doubleStylingPolicy. getIntensityForDBID(DBIDRef id)Get the Intensity for an individual object.intClassStylingPolicy. getStyleForDBID(DBIDRef id)Get the style number for a particular objectintClusterStylingPolicy. getStyleForDBID(DBIDRef id) -
Uses of DBIDRef in elki.visualization.visualizers.pairsegments
Methods in elki.visualization.visualizers.pairsegments with parameters of type DBIDRef Modifier and Type Method Description intSegmentsStylingPolicy. getColorForDBID(DBIDRef id)intSegmentsStylingPolicy. getStyleForDBID(DBIDRef id) -
Uses of DBIDRef in elki.visualization.visualizers.parallel
Methods in elki.visualization.visualizers.parallel with parameters of type DBIDRef Modifier and Type Method Description private org.w3c.dom.ElementBoundingBoxVisualization.Instance. drawLine(DBIDRef iter)Draw a single line.private org.w3c.dom.ElementLineVisualization.Instance. drawLine(DBIDRef iter)Draw a single line. -
Uses of DBIDRef in elki.visualization.visualizers.parallel.selection
Methods in elki.visualization.visualizers.parallel.selection with parameters of type DBIDRef Modifier and Type Method Description private org.w3c.dom.ElementSelectionLineVisualization.Instance. drawLine(DBIDRef iter)Draw a single line. -
Uses of DBIDRef in elki.visualization.visualizers.scatterplot
Methods in elki.visualization.visualizers.scatterplot with parameters of type DBIDRef Modifier and Type Method Description protected abstract org.w3c.dom.ElementAbstractTooltipVisualization. makeTooltip(DBIDRef id, double x, double y, double dotsize)Make a tooltip Element for this id.protected org.w3c.dom.ElementTooltipScoreVisualization.Instance. makeTooltip(DBIDRef id, double x, double y, double dotsize)protected org.w3c.dom.ElementTooltipStringVisualization.Instance. makeTooltip(DBIDRef id, double x, double y, double dotsize) -
Uses of DBIDRef in elki.visualization.visualizers.scatterplot.outlier
Methods in elki.visualization.visualizers.scatterplot.outlier with parameters of type DBIDRef Modifier and Type Method Description protected doubleBubbleVisualization.Instance. getScaledForId(DBIDRef id)Convenience method to apply scalings in the right order. -
Uses of DBIDRef in tutorial.clustering
Methods in tutorial.clustering with parameters of type DBIDRef Modifier and Type Method Description protected voidSameSizeKMeans. transfer(WritableDataStore<SameSizeKMeans.Meta> metas, SameSizeKMeans.Meta meta, ModifiableDBIDs src, ModifiableDBIDs dst, DBIDRef id, int dstnum)Transfer a single element from one cluster to another.
-