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 theCLIQUE
algorithm.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 double
HopkinsStatisticClusteringTendency. 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 int
KNNBenchmark. run(KNNSearcher<DBIDRef> knnQuery, Relation<O> relation, Duration dur, MeanVariance mv, MeanVariance mvdist)
Run with the database as query sourceprivate int
PrioritySearchBenchmark. run(PrioritySearcher<DBIDRef> priQuery, Relation<O> relation, Duration dur, MeanVariance mv, MeanVariance mvdist)
Run with the database as query sourceprotected int
RangeQueryBenchmark. run(RangeSearcher<DBIDRef> rangeQuery, Relation<O> relation, double radius, Duration dur, MeanVariance mv)
Run the algorithm, with constant radiusprotected int
RangeQueryBenchmark. 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 void
SNNClustering. expandCluster(SimilarityQuery<O> snnInstance, DBIDRef startObjectID, FiniteProgress objprog, IndefiniteProgress clusprog)
DBSCAN-function expandCluster adapted to SNN criterion.protected ArrayModifiableDBIDs
SNNClustering. 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. tmpcomp
Sort object by the temporary fields.Methods in elki.clustering.correlation with parameters of type DBIDRef Modifier and Type Method Description int
HiCO.Instance. compare(DBIDRef o1, DBIDRef o2)
protected void
HiCO.Instance. expandDBID(DBIDRef id)
protected void
HiCO.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. rangeQuery
Range query to use.Methods in elki.clustering.dbscan with parameters of type DBIDRef Modifier and Type Method Description protected void
DBSCAN.Instance. expandCluster(DBIDRef startObjectID, ArrayModifiableDBIDs seeds)
DBSCAN-function expandCluster.protected int
GeneralizedDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, T neighbors, ArrayModifiableDBIDs activeSet, FiniteProgress progress)
Set-based expand cluster implementation.protected int
GriDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, ModifiableDoubleDBIDList neighbors, ArrayModifiableDBIDs activeSet, RangeSearcher<DBIDRef> rq, FiniteProgress pprog)
Set-based expand cluster implementation.private void
GriDBSCAN.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 int
GeneralizedDBSCAN.Instance. processCorePoint(DBIDRef seed, T newneighbors, int clusterid, WritableIntegerDataStore clusterids, ArrayModifiableDBIDs activeSet)
Process a single core point.protected int
GriDBSCAN.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 int
GriDBSCAN.Instance. expandCluster(DBIDRef seed, int clusterid, WritableIntegerDataStore clusterids, ModifiableDoubleDBIDList neighbors, ArrayModifiableDBIDs activeSet, RangeSearcher<DBIDRef> rq, FiniteProgress pprog)
Set-based expand cluster implementation.protected int
LSDBC. expandCluster(int clusterid, WritableIntegerDataStore clusterids, KNNSearcher<DBIDRef> knnq, DBIDs neighbors, double maxkdist, FiniteProgress progress)
Set-based expand cluster implementation.private void
LSDBC. fillDensities(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore dens)
Collect all densities into an array for sorting.protected void
DBSCAN.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 void
ParallelGeneralizedDBSCAN.Instance.Mapper. map(DBIDRef id)
protected void
ParallelGeneralizedDBSCAN.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. rq
Range query to use on the database.protected RangeSearcher<DBIDRef>
SimilarityNeighborPredicate.Instance. rq
Range query to use on the database.Methods in elki.clustering.dbscan.predicates with parameters of type DBIDRef Modifier and Type Method Description protected abstract M
AbstractRangeQueryNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends O> relation)
Method to compute the actual data model.protected COPACNeighborPredicate.COPACModel
COPACNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList knnneighbors, Relation<? extends NumberVector> relation)
COPAC model computationprotected PreDeConNeighborPredicate.PreDeConModel
FourCNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends NumberVector> relation)
protected PreDeConNeighborPredicate.PreDeConModel
PreDeConNeighborPredicate. computeLocalModel(DBIDRef id, DoubleDBIDList neighbors, Relation<? extends NumberVector> relation)
boolean
COPACNeighborPredicate.COPACModel. contains(DBIDRef o)
int
COPACNeighborPredicate.Instance. dimensionality(DBIDRef id)
Get the correlation dimensionality of a single object.int
ERiCNeighborPredicate.Instance. dimensionality(DBIDRef id)
Get the correlation dimensionality of a single object.COPACNeighborPredicate.COPACModel
COPACNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
DoubleDBIDList
EpsilonNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
DBIDs
ERiCNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
PreDeConNeighborPredicate.PreDeConModel
FourCNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
T
NeighborPredicate.Instance. getNeighbors(DBIDRef reference)
Get the neighbors of a reference object for DBSCAN.PreDeConNeighborPredicate.PreDeConModel
PreDeConNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
DoubleDBIDList
SimilarityNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
boolean
CorePredicate.Instance. isCorePoint(DBIDRef point, T neighbors)
Decide whether the point is a core point, based on its neighborhood.boolean
FourCCorePredicate.Instance. isCorePoint(DBIDRef point, PreDeConNeighborPredicate.PreDeConModel model)
boolean
MinPtsCorePredicate.Instance. isCorePoint(DBIDRef point, DBIDs neighbors)
boolean
PreDeConCorePredicate.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 void
CLINK. clinkstep4567(DBIDRef id, ArrayDBIDs ids, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)
Fourth to seventh step of CLINK: find best insertionprivate void
CLINK. clinkstep8(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda)
Update hierarchy.private static double
HACAM.Instance. findPrototypeSingleton(DistanceQuery<?> dq, DBIDs cx, DBIDRef cy, DBIDVar prototype)
Find the prototypes.private static double
MiniMax.Instance. findPrototypeSingleton(DistanceQuery<?> dq, DBIDs cx, DBIDRef cy, DBIDVar prototype)
Find the prototypes.protected void
CLINK. 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 void
SLINK. process(DBIDRef id, ArrayDBIDs ids, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)
SLINK main loop.private void
SLINK. slinkstep3(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, WritableDoubleDataStore m)
Third step: Determine the values for P and Lprivate void
SLINK. slinkstep4(DBIDRef id, DBIDArrayIter it, int n, WritableDBIDDataStore pi, WritableDoubleDataStore lambda)
Fourth step: Actualize the clusters if necessaryprivate void
SLINK. 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 void
SLINKHDBSCANLinearMemory. 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 void
SLINK. 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 void
SLINKHDBSCANLinearMemory. step3(DBIDRef id, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, DBIDs processedIDs, WritableDoubleDataStore m)
Third step: Determine the values for P and Lprivate void
SLINKHDBSCANLinearMemory. step4(DBIDRef id, WritableDBIDDataStore pi, WritableDoubleDataStore lambda, DBIDs processedIDs)
Fourth step: Actualize the clusters if necessaryint
ClusterMergeHistoryBuilder. 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 WritableDoubleDataStore
AbstractHDBSCAN. 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 void
SimplifiedHierarchyExtraction.TempCluster. add(DBIDRef id)
Add new objects to the cluster.private void
SimplifiedHierarchyExtraction.Instance. addSingleton(SimplifiedHierarchyExtraction.TempCluster clus, int id, DBIDRef it, double dist, boolean asCluster)
Add a singleton object, as point or cluster.HDBSCANHierarchyExtraction.TempCluster
HDBSCANHierarchyExtraction.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 void
HartiganWongKMeans.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 DBIDRef
AFKMC2.Instance. sample(double weightsum)
protected DBIDRef
KMC2.Instance. sample(double weightsum)
Weighted sampling.Methods in elki.clustering.kmeans.initialization with parameters of type DBIDRef Modifier and Type Method Description protected double
KMC2.Instance. distance(NumberVector a, DBIDRef b)
Compute the distance of two objects.protected double
KMC2.Instance. distance(DBIDRef cand, java.util.List<NumberVector> means)
Minimum distance to the current means.protected abstract double
KMeansPlusPlus.Instance. distance(T a, DBIDRef b)
Compute the distance of two objects.protected double
KMeansPlusPlus.MedoidsInstance. distance(DBIDRef a, DBIDRef b)
protected double
KMeansPlusPlus.NumberVectorInstance. distance(NumberVector a, DBIDRef b)
protected double
SphericalAFKMC2.Instance. distance(DBIDRef cand, java.util.List<NumberVector> means)
protected double
SphericalAFKMC2.Instance. similarity(NumberVector a, DBIDRef b)
Compute the distance of two objects.protected double
SphericalKMeansPlusPlus.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 void
KMeansProcessor.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 double
CLARANS.Assignment. computeCostDifferential(DBIDRef h, int mnum, CLARANS.Assignment scratch)
Compute the reassignment cost, for one swap.protected double
FastCLARANS.Assignment. computeCostDifferential(DBIDRef h, double[] pcost)
Compute the reassignment cost, for one swap.protected double
FastPAM.Instance. computeReassignmentCost(DBIDRef h, int mnum)
Compute the reassignment cost of one swap.protected double
FastPAM1.Instance. computeReassignmentCost(DBIDRef xj, double[] loss)
Compute the reassignment cost, for all medoids in one pass.protected double
PAM.Instance. computeReassignmentCost(DBIDRef h, int mnum)
Compute the reassignment cost of one swap.protected double
ReynoldsPAM.Instance. computeReassignmentCost(DBIDRef h, WritableDoubleDataStore tnearest)
Compute the reassignment cost, for all medoids in one pass.double
CLARA.CachedDistanceQuery. distance(DBIDRef id1, DBIDRef id2)
double
CLARA.CachedDistanceQuery. distance(DBIDRef id1, V o2)
double
CLARA.CachedDistanceQuery. distance(V o1, DBIDRef id2)
protected void
FastCLARANS.Assignment. performLastSwap(DBIDRef h)
Compute the reassignment cost, for one swap.protected double
CLARANS.Assignment. recompute(DBIDRef id, int mnum, double known, int snum, double sknown)
Recompute the assignment of one point.protected void
FastPAM1.Instance. updateAssignment(ArrayModifiableDBIDs medoids, DBIDArrayIter miter, DBIDRef h, int m)
Update an existing cluster assignment.protected int
FastPAM1.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. rangeQuery
Range query.(package private) RangeSearcher<DBIDRef>
OPTICSList.Instance. rangeQuery
Range query.Methods in elki.clustering.optics with parameters of type DBIDRef Modifier and Type Method Description void
ClusterOrder. add(DBIDRef id, double reach, DBIDRef pre)
Add an object to the cluster order.int
GeneralizedOPTICS.Instance. compare(DBIDRef o1, DBIDRef o2)
protected void
OPTICSHeap.Instance. expandClusterOrder(DBIDRef objectID)
OPTICS-function expandClusterOrder.protected void
OPTICSList.Instance. expandClusterOrder(DBIDRef objectID)
OPTICS-function expandClusterOrder.protected abstract void
GeneralizedOPTICS.Instance. expandDBID(DBIDRef id)
Add the current DBID to the cluster order, and expand its neighbors if minPts and similar conditions are satisfied.int
CorrelationClusterOrder. getCorrelationValue(DBIDRef id)
Get the correlation dimensionality.double
CorrelationClusterOrder. getEuclideanValue(DBIDRef id)
Get the Euclidean distance in the orthogonal space.void
ClusterOrder. getPredecessor(DBIDRef id, DBIDVar out)
Get the predecessor.double
ClusterOrder. getReachability(DBIDRef id)
Get the reachability of an object.protected abstract void
GeneralizedOPTICS.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 double
FastMSC.Instance. doSwap(ArrayDBIDs medoids, int b, DBIDRef j)
Assign each object to the nearest cluster when replacing one medoid.protected double
FastMSC.Instance2. doSwap(ArrayDBIDs medoids, int b, DBIDRef j)
Assign each object to the nearest cluster when replacing one medoid.protected double
FastMSC.Instance. findBestSwap(DBIDRef j, double[] ploss)
Compute the loss change when choosing j as new medoid.protected void
FastMSC.Instance2. findBestSwap(DBIDRef j, double[] ploss)
Compute the loss change when choosing j as new medoid.protected double
PAMMEDSIL.Instance. medoidsilhouette(IntegerDataStore assignment, DBIDArrayIter m, int hoff, DBIDRef h)
Evaluate the average medoid Silhouette of the current cluster assignmentprotected void
PAMSIL.Instance. reassignToNearestCluster(IntegerDataStore prev, WritableIntegerDataStore assignment, ArrayDBIDs medoids, int pi, DBIDRef h)
Assign each object to the nearest cluster when replacing one medoid.protected void
FastMSC.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. tmpcomp
Sort object by the temporary fields.Methods in elki.clustering.subspace with parameters of type DBIDRef Modifier and Type Method Description int
DiSH.Instance. compare(DBIDRef o1, DBIDRef o2)
int
DiSH.Instance.Sorter. compare(DBIDRef o1, DBIDRef o2)
int
HiSC.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 void
DiSH.Instance. expandDBID(DBIDRef id)
protected void
HiSC.Instance. expandDBID(DBIDRef id)
protected DBIDs
DOC. 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 void
DiSH.Instance. initialDBID(DBIDRef id)
protected void
HiSC.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 boolean
CLIQUEUnit. 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 boolean
SupportVectorClustering. 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 void
ByLabelClustering. 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 void
ByLabelHierarchicalClustering. 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 DBIDs
FDBSCANNeighborPredicate.Instance. getNeighbors(DBIDRef reference)
-
Uses of DBIDRef in elki.data
Methods in elki.data with parameters of type DBIDRef Modifier and Type Method Description int
VectorUtil.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 SingleObjectBundle
HashmapDatabase. delete(DBIDRef id)
Removes the object from the database (by callingHashmapDatabase.doDelete(DBIDRef)
) and indexes and fires a deletion event.SingleObjectBundle
UpdatableDatabase. delete(DBIDRef id)
Removes and returns the specified objects with the given ids from the database.private void
HashmapDatabase. doDelete(DBIDRef id)
Removes the object with the specified id from this database.private void
DatabaseEventManager. fireObjectChanged(DBIDRef object, DatabaseEventManager.Type type)
Handles a DataStoreEvent with the specified type.void
DatabaseEventManager. fireObjectInserted(DBIDRef insertion)
Event when a new object was inserted.protected void
DatabaseEventManager. fireObjectRemoved(DBIDRef deletion)
Event when an objects was removed / deleted.void
DatabaseEventManager. fireObjectsUpdated(DBIDRef update)
Event when an object was changed / updated.SingleObjectBundle
AbstractDatabase. getBundle(DBIDRef id)
SingleObjectBundle
Database. 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 DBIDVar
DBIDDataStore. assignVar(DBIDRef id, DBIDVar var)
Retrieves an object from the storage.int
DataStoreUtil.AscendingByDoubleDataStore. compare(DBIDRef id1, DBIDRef id2)
int
DataStoreUtil.AscendingByDoubleDataStoreAndId. compare(DBIDRef id1, DBIDRef id2)
int
DataStoreUtil.AscendingByIntegerDataStore. compare(DBIDRef id1, DBIDRef id2)
int
DataStoreUtil.DescendingByDoubleDataStore. compare(DBIDRef id1, DBIDRef id2)
int
DataStoreUtil.DescendingByDoubleDataStoreAndId. compare(DBIDRef id1, DBIDRef id2)
int
DataStoreUtil.DescendingByIntegerDataStore. compare(DBIDRef id1, DBIDRef id2)
void
WritableDataStore. delete(DBIDRef id)
Delete the contents for a particular ID and notifies the registered listeners.double
DoubleDataStore. doubleValue(DBIDRef id)
Retrieves an object from the storage.T
DataStore. get(DBIDRef id)
Retrieves an object from the storage.DBID
DBIDDataStore. get(DBIDRef id)
Deprecated.UseDBIDDataStore.assignVar(elki.database.ids.DBIDRef, elki.database.ids.DBIDVar)
and aDBIDVar
instead, to avoid boxing/unboxing cost.java.lang.Double
DoubleDataStore. get(DBIDRef id)
Deprecated.UseDoubleDataStore.doubleValue(elki.database.ids.DBIDRef)
instead, to avoid boxing/unboxing cost.java.lang.Integer
IntegerDataStore. get(DBIDRef id)
Deprecated.UseIntegerDataStore.intValue(elki.database.ids.DBIDRef)
instead, to avoid boxing/unboxing cost.void
WritableDoubleDataStore. increment(DBIDRef id, double value)
Increment the specified value with the specified id in this storage.void
WritableIntegerDataStore. increment(DBIDRef id, int adjust)
Increment a value.int
IntegerDataStore. intValue(DBIDRef id)
Retrieves a value from the storage.int
DataStoreIDMap. mapDBIDToOffset(DBIDRef dbid)
Map a DBID to an array offset.T
WritableDataStore. put(DBIDRef id, T value)
Associates the specified value with the specified id in this storage.DBID
WritableDBIDDataStore. put(DBIDRef id, DBID value)
Deprecated.UseWritableDBIDDataStore.putDBID(elki.database.ids.DBIDRef, elki.database.ids.DBIDRef)
instead, to avoid boxing/unboxing cost.void
WritableDBIDDataStore. put(DBIDRef id, DBIDRef value)
Associates the specified value with the specified id in this storage.double
WritableDoubleDataStore. put(DBIDRef id, double value)
Associates the specified value with the specified id in this storage.java.lang.Double
WritableDoubleDataStore. put(DBIDRef id, java.lang.Double value)
Deprecated.UseWritableDoubleDataStore.putDouble(elki.database.ids.DBIDRef, double)
instead, to avoid boxing/unboxing cost.int
WritableIntegerDataStore. put(DBIDRef id, int value)
Associates the specified value with the specified id in this storage.java.lang.Integer
WritableIntegerDataStore. put(DBIDRef id, java.lang.Integer value)
Deprecated.UseWritableIntegerDataStore.putInt(elki.database.ids.DBIDRef, int)
instead, to avoid boxing/unboxing cost.void
WritableDBIDDataStore. putDBID(DBIDRef id, DBIDRef value)
Associates the specified value with the specified id in this storage.double
WritableDoubleDataStore. putDouble(DBIDRef id, double value)
Associates the specified value with the specified id in this storage.int
WritableIntegerDataStore. putInt(DBIDRef id, int value)
Associates the specified value with the specified id in this storage.boolean
WritableRecordStore. 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 DBIDVar
ArrayDBIDStore. assignVar(DBIDRef id, DBIDVar var)
DBIDVar
MapIntegerDBIDDBIDStore. assignVar(DBIDRef id, DBIDVar var)
void
ArrayDBIDStore. delete(DBIDRef id)
void
ArrayDoubleStore. delete(DBIDRef id)
void
ArrayIntegerStore. delete(DBIDRef id)
void
ArrayRecordStore.StorageAccessor. delete(DBIDRef id)
void
ArrayStore. delete(DBIDRef id)
void
MapIntegerDBIDDBIDStore. delete(DBIDRef id)
void
MapIntegerDBIDDoubleStore. delete(DBIDRef id)
void
MapIntegerDBIDIntegerStore. delete(DBIDRef id)
void
MapIntegerDBIDRecordStore.StorageAccessor. delete(DBIDRef id)
void
MapIntegerDBIDStore. delete(DBIDRef id)
void
MapRecordStore.StorageAccessor. delete(DBIDRef id)
void
MapStore. delete(DBIDRef id)
double
ArrayDoubleStore. doubleValue(DBIDRef id)
double
MapIntegerDBIDDoubleStore. doubleValue(DBIDRef id)
DBID
ArrayDBIDStore. get(DBIDRef id)
Deprecated.java.lang.Double
ArrayDoubleStore. get(DBIDRef id)
Deprecated.java.lang.Integer
ArrayIntegerStore. get(DBIDRef id)
Deprecated.protected <T> T
ArrayRecordStore. get(DBIDRef id, int index)
Actual getterT
ArrayRecordStore.StorageAccessor. get(DBIDRef id)
T
ArrayStore. get(DBIDRef id)
DBID
MapIntegerDBIDDBIDStore. get(DBIDRef id)
Deprecated.java.lang.Double
MapIntegerDBIDDoubleStore. get(DBIDRef id)
Deprecated.java.lang.Integer
MapIntegerDBIDIntegerStore. get(DBIDRef id)
Deprecated.protected <T> T
MapIntegerDBIDRecordStore. get(DBIDRef id, int index)
Actual getter.T
MapIntegerDBIDRecordStore.StorageAccessor. get(DBIDRef id)
T
MapIntegerDBIDStore. get(DBIDRef id)
protected <T> T
MapRecordStore. get(DBIDRef id, int index)
Actual getter.T
MapRecordStore.StorageAccessor. get(DBIDRef id)
T
MapStore. get(DBIDRef id)
void
ArrayDoubleStore. increment(DBIDRef id, double value)
void
ArrayIntegerStore. increment(DBIDRef id, int adjust)
void
MapIntegerDBIDDoubleStore. increment(DBIDRef id, double value)
void
MapIntegerDBIDIntegerStore. increment(DBIDRef id, int adjust)
int
ArrayIntegerStore. intValue(DBIDRef id)
int
MapIntegerDBIDIntegerStore. intValue(DBIDRef id)
DBID
ArrayDBIDStore. put(DBIDRef id, DBID value)
Deprecated.void
ArrayDBIDStore. put(DBIDRef id, DBIDRef value)
double
ArrayDoubleStore. put(DBIDRef id, double value)
java.lang.Double
ArrayDoubleStore. put(DBIDRef id, java.lang.Double value)
Deprecated.int
ArrayIntegerStore. put(DBIDRef id, int value)
java.lang.Integer
ArrayIntegerStore. put(DBIDRef id, java.lang.Integer value)
Deprecated.T
ArrayRecordStore.StorageAccessor. put(DBIDRef id, T value)
T
ArrayStore. put(DBIDRef id, T value)
DBID
MapIntegerDBIDDBIDStore. put(DBIDRef id, DBID value)
Deprecated.void
MapIntegerDBIDDBIDStore. put(DBIDRef id, DBIDRef value)
double
MapIntegerDBIDDoubleStore. put(DBIDRef id, double value)
java.lang.Double
MapIntegerDBIDDoubleStore. put(DBIDRef id, java.lang.Double value)
Deprecated.int
MapIntegerDBIDIntegerStore. put(DBIDRef id, int value)
java.lang.Integer
MapIntegerDBIDIntegerStore. put(DBIDRef id, java.lang.Integer value)
Deprecated.T
MapIntegerDBIDRecordStore.StorageAccessor. put(DBIDRef id, T value)
T
MapIntegerDBIDStore. put(DBIDRef id, T value)
T
MapRecordStore.StorageAccessor. put(DBIDRef id, T value)
T
MapStore. put(DBIDRef id, T value)
void
ArrayDBIDStore. putDBID(DBIDRef id, DBIDRef value)
void
MapIntegerDBIDDBIDStore. putDBID(DBIDRef id, DBIDRef value)
double
ArrayDoubleStore. putDouble(DBIDRef id, double value)
double
MapIntegerDBIDDoubleStore. putDouble(DBIDRef id, double value)
int
ArrayIntegerStore. putInt(DBIDRef id, int value)
int
MapIntegerDBIDIntegerStore. putInt(DBIDRef id, int value)
boolean
ArrayRecordStore. remove(DBIDRef id)
boolean
MapIntegerDBIDRecordStore. remove(DBIDRef id)
boolean
MapRecordStore. remove(DBIDRef id)
protected <T> T
ArrayRecordStore. set(DBIDRef id, int index, T value)
Actual setterprotected <T> T
MapIntegerDBIDRecordStore. set(DBIDRef id, int index, T value)
Actual setter.protected <T> T
MapRecordStore. 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 interface
DBID
Database ID object.interface
DBIDArrayIter
Array iterators that can also go backwards and seek.interface
DBIDArrayMIter
Modifiable array iterator.interface
DBIDIter
Iterator for DBIDs.interface
DBIDMIter
Modifiable DBID iterator.interface
DBIDVar
(Persistent) variable storing a DBID reference.interface
DoubleDBIDHeap
Max heap for DBIDs.interface
DoubleDBIDIter
Iterator over Double+DBID pairs results.interface
DoubleDBIDListIter
Iterator over Double+DBID pairs results.interface
DoubleDBIDListMIter
Modifiable DBIDList iterator.interface
DoubleDBIDPair
Pair of a double value and a DBID.interface
KNNHeap
Interface for kNN heaps.Classes in elki.database.ids that implement DBIDRef Modifier and Type Class Description protected static class
EmptyDBIDs.EmptyDBIDIterator
Iterator for empty DBIDs-Methods in elki.database.ids that return DBIDRef Modifier and Type Method Description DBIDRef
DBIDFactory. invalid()
Get the invalid DBID value, usable as "undefined" placeholder.static DBIDRef
DBIDUtil. invalid()
Get the invalid special ID.Methods in elki.database.ids with parameters of type DBIDRef Modifier and Type Method Description void
DoubleDBIDList.Consumer. accept(DBIDRef idref, double val)
Act on each value.boolean
ModifiableDBIDs. add(DBIDRef id)
Add a single DBID to the collection.void
ModifiableDoubleDBIDList. add(double distance, DBIDRef id)
Add an object to this result.static int
DBIDUtil. asInteger(DBIDRef id)
Export a DBID as int.int
ArrayDBIDs. binarySearch(DBIDRef key)
Search for the position of the given key, assuming that the data set is sorted.int
EmptyDBIDs. binarySearch(DBIDRef key)
int
DBIDFactory. compare(DBIDRef a, DBIDRef b)
Compare two DBIDs, for sorting.static int
DBIDUtil. compare(DBIDRef id1, DBIDRef id2)
Compare two DBIDs.int
DBID. compareTo(DBIDRef other)
Compare two DBIDs for ordering.boolean
DBIDs. contains(DBIDRef o)
Test whether an ID is contained.boolean
DoubleDBIDHeap. contains(DBIDRef other)
Check if an object is already in the heap (slow scan).boolean
EmptyDBIDs. contains(DBIDRef o)
void
DBIDFactory. deallocateSingleDBID(DBIDRef id)
Return a single DBID for reuse.static DBID
DBIDUtil. deref(DBIDRef ref)
Dereference a DBID reference.boolean
DBIDFactory. equal(DBIDRef a, DBIDRef b)
Compare two DBIDs, for equality testing.static boolean
DBIDUtil. equal(DBIDRef id1, DBIDRef id2)
Test two DBIDs for equality.DBIDVar
DBIDVar. from(DBIDDataStore store, DBIDRef ref)
Update variable from a data store.int
DBIDRange. getOffset(DBIDRef dbid)
Get offset in the array for a particular DBID.void
ArrayModifiableDBIDs. insert(int i, DBIDRef newval)
Insert at position i (starting at 0, moving the remainder by one position).double
DoubleDBIDHeap. insert(double key, DBIDRef id)
Add a double-id pair to the heapdouble
DoubleDBIDHeap. insert(double distance, DBIDRef id, int max)
Add a double-id pair to the heap unless the heap grows beyond the given maximum size.double
KNNHeap. insert(double distance, DBIDRef id)
Add a distance-id pair to the heapdefault double
KNNHeap. insert(double distance, DBIDRef id, int max)
Deprecated.DoubleDBIDPair
DBIDFactory. newPair(double val, DBIDRef id)
Make a double-DBID pair.DBIDPair
DBIDFactory. newPair(DBIDRef id1, DBIDRef id2)
Make a DBID pair from two existing DBIDs.static DoubleDBIDPair
DBIDUtil. newPair(double val, DBIDRef id)
Make a DoubleDBIDPair.static DBIDPair
DBIDUtil. newPair(DBIDRef id1, DBIDRef id2)
Make a DBID pair.DBIDVar
DBIDFactory. newVar(DBIDRef val)
Make a new DBID variable.static DBIDVar
DBIDUtil. newVar(DBIDRef val)
Make a new DBID variable.static ModifiableDBIDs
DBIDUtil. randomSampleExcept(DBIDs source, DBIDRef except, int k, RandomFactory rnd)
Produce a random sample of the given DBIDs.static ModifiableDBIDs
DBIDUtil. randomSampleExcept(DBIDs source, DBIDRef except, int k, java.util.Random random)
Produce a random sample of the given DBIDs.boolean
ModifiableDBIDs. remove(DBIDRef id)
Remove a single DBID from the collection.void
ArrayModifiableDBIDs. set(int i, DBIDRef newval)
Replace the i'th entry (starting at 0)DBIDVar
DBIDVar. set(DBIDRef ref)
Assign a new value for the reference.void
DBIDArrayMIter. setDBID(DBIDRef val)
Set the current value.void
EmptyDBIDs.EmptyDBIDIterator. setDBID(DBIDRef val)
java.lang.String
DBIDFactory. toString(DBIDRef id)
Print a DBID as string.static java.lang.String
DBIDUtil. 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 void
DBIDs. forEach(java.util.function.Consumer<? super DBIDRef> action)
Execute a function for each ID.void
EmptyDBIDs. forEach(java.util.function.Consumer<? super DBIDRef> action)
private static void
QuickSelectDBIDs. 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 int
QuickSelectDBIDs. median(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator)
Compute the median of an array efficiently using the QuickSelect method.static int
QuickSelectDBIDs. 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 int
QuickSelectDBIDs. quantile(ArrayModifiableDBIDs data, java.util.Comparator<? super DBIDRef> comparator, double quant)
Compute the median of an array efficiently using the QuickSelect method.static int
QuickSelectDBIDs. 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 void
QuickSelectDBIDs. 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 void
QuickSelectDBIDs. 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.void
ArrayModifiableDBIDs. sort(int start, int end, java.util.Comparator<? super DBIDRef> comparator)
Sort the DBID set.void
ArrayModifiableDBIDs. 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 interface
DoubleIntegerDBIDListIter
Combination interface of the DoubleDBIDListIter with IntegerDBIDIter.(package private) interface
DoubleIntegerDBIDListMIter
Combination interface for modifiable iterators.(package private) interface
IntegerDBIDArrayIter
Modifiable integer array iterator.(package private) interface
IntegerDBIDArrayMIter
Modifiable integer array iterator.(package private) interface
IntegerDBIDIter
Iterator for integer DBIDs.(package private) interface
IntegerDBIDMIter
Modifiable iterator interface for integer DBIDs.(package private) interface
IntegerDBIDRef
DBID reference that references an integer value.Classes in elki.database.ids.integer that implement DBIDRef Modifier and Type Class Description private class
ArrayModifiableIntegerDBIDs.Itr
Iterator class.private class
ArrayModifiableIntegerDBIDs.Slice.SliceItr
Iterator class.protected class
ArrayStaticIntegerDBIDs.Itr
DBID iterator in ELKI/C style.private class
ArrayStaticIntegerDBIDs.Slice.SliceItr
Iterator class.private class
DoubleIntegerDBIDArrayList.Itr
List iterator.(package private) class
DoubleIntegerDBIDHeap
Wrapper around a primitive heap to handle DBIDs.protected class
DoubleIntegerDBIDHeap.UnorderedIter
Iterate over all objects in the heap, not ordered.(package private) class
DoubleIntegerDBIDKNNHeap
Class to efficiently manage a kNN heap.private class
DoubleIntegerDBIDKNNHeap.UnorderedIter
Iterate over all objects in the heap, not ordered.(package private) class
DoubleIntegerDBIDPair
Pair containing a double value and an integer DBID.private class
DoubleIntegerDBIDSubList.Itr
Iterator for the sublist.protected static class
FastutilIntOpenHashSetModifiableDBIDs.Itr
Iterator over Fastutil hashs.(package private) class
IntegerDBID
Database ID object.protected class
IntegerDBID.Itr
Pseudo iterator for DBIDs interface.private class
IntegerDBIDKNNSubList.Itr
Iterator for the sublist.private static class
IntegerDBIDPair.Itr
Iterator.private class
IntegerDBIDPair.Slice.SliceItr
Iterator class.private static class
IntegerDBIDRange.Itr
Iterator in ELKI/C++ style.(package private) class
IntegerDBIDVar
Variable for storing a single DBID reference.protected class
IntegerDBIDVar.Itr
Pseudo iterator for DBIDs interface.private static class
UnmodifiableIntegerArrayDBIDs.Itr
Make an existing DBIDMIter unmodifiable.(package private) static class
UnmodifiableIntegerDBIDs.UnmodifiableDBIDIter
Make an existing DBIDMIter unmodifiable.Methods in elki.database.ids.integer that return DBIDRef Modifier and Type Method Description DBIDRef
AbstractIntegerDBIDFactory. invalid()
Methods in elki.database.ids.integer with parameters of type DBIDRef Modifier and Type Method Description boolean
ArrayModifiableIntegerDBIDs. add(DBIDRef e)
void
DoubleIntegerDBIDArrayList. add(double dist, DBIDRef id)
boolean
FastutilIntOpenHashSetModifiableDBIDs. add(DBIDRef e)
int
ArrayModifiableIntegerDBIDs. binarySearch(DBIDRef key)
int
ArrayModifiableIntegerDBIDs.Slice. binarySearch(DBIDRef key)
int
ArrayStaticIntegerDBIDs. binarySearch(DBIDRef key)
int
ArrayStaticIntegerDBIDs.Slice. binarySearch(DBIDRef key)
int
IntegerDBID. binarySearch(DBIDRef key)
int
IntegerDBIDPair. binarySearch(DBIDRef key)
int
IntegerDBIDPair.Slice. binarySearch(DBIDRef key)
int
IntegerDBIDRange. binarySearch(DBIDRef key)
int
IntegerDBIDVar. binarySearch(DBIDRef key)
int
UnmodifiableIntegerArrayDBIDs. binarySearch(DBIDRef key)
int
AbstractIntegerDBIDFactory. compare(DBIDRef a, DBIDRef b)
int
IntegerDBID. compareTo(DBIDRef o)
boolean
ArrayModifiableIntegerDBIDs. contains(DBIDRef o)
boolean
ArrayModifiableIntegerDBIDs.Slice. contains(DBIDRef o)
boolean
ArrayStaticIntegerDBIDs. contains(DBIDRef o)
boolean
ArrayStaticIntegerDBIDs.Slice. contains(DBIDRef o)
boolean
DoubleIntegerDBIDArrayList. contains(DBIDRef o)
boolean
DoubleIntegerDBIDHeap. contains(DBIDRef o)
boolean
DoubleIntegerDBIDKNNHeap. contains(DBIDRef o)
boolean
DoubleIntegerDBIDSubList. contains(DBIDRef o)
boolean
FastutilIntOpenHashSetModifiableDBIDs. contains(DBIDRef o)
boolean
IntegerDBID. contains(DBIDRef o)
boolean
IntegerDBIDKNNSubList. contains(DBIDRef o)
boolean
IntegerDBIDPair. contains(DBIDRef o)
boolean
IntegerDBIDPair.Slice. contains(DBIDRef o)
boolean
IntegerDBIDRange. contains(DBIDRef o)
boolean
IntegerDBIDVar. contains(DBIDRef o)
boolean
UnmodifiableIntegerArrayDBIDs. contains(DBIDRef o)
boolean
UnmodifiableIntegerDBIDs. contains(DBIDRef o)
void
TrivialDBIDFactory. deallocateSingleDBID(DBIDRef id)
boolean
AbstractIntegerDBIDFactory. equal(DBIDRef a, DBIDRef b)
DBIDVar
IntegerDBIDVar. from(DBIDDataStore store, DBIDRef ref)
int
IntegerDBIDRange. getOffset(DBIDRef dbid)
For storage array offsets.void
ArrayModifiableIntegerDBIDs. insert(int i, DBIDRef newval)
double
DoubleIntegerDBIDHeap. insert(double distance, DBIDRef id)
double
DoubleIntegerDBIDHeap. insert(double distance, DBIDRef id, int max)
double
DoubleIntegerDBIDKNNHeap. insert(double distance, DBIDRef id)
int
IntegerDBIDRange. mapDBIDToOffset(DBIDRef dbid)
DoubleDBIDPair
AbstractIntegerDBIDFactory. newPair(double val, DBIDRef id)
DBIDPair
AbstractIntegerDBIDFactory. newPair(DBIDRef first, DBIDRef second)
DBIDVar
AbstractIntegerDBIDFactory. newVar(DBIDRef val)
boolean
ArrayModifiableIntegerDBIDs. remove(DBIDRef o)
boolean
FastutilIntOpenHashSetModifiableDBIDs. remove(DBIDRef o)
void
DoubleIntegerDBIDHeap. replaceTopElement(double distance, DBIDRef id)
Replace the top element.void
ArrayModifiableIntegerDBIDs. set(int index, DBIDRef element)
DBIDVar
IntegerDBIDVar. set(DBIDRef ref)
void
ArrayModifiableIntegerDBIDs.Itr. setDBID(DBIDRef val)
void
DoubleIntegerDBIDArrayList.Itr. setDBID(DBIDRef ref)
java.lang.String
AbstractIntegerDBIDFactory. toString(DBIDRef id)
Method parameters in elki.database.ids.integer with type arguments of type DBIDRef Modifier and Type Method Description private static int
IntegerDBIDArrayQuickSort. compare(IntegerDBIDVar i1, int p1, IntegerDBIDVar i2, int p2, java.util.Comparator<? super DBIDRef> comp)
Compare two elements.private static void
IntegerDBIDArrayQuickSort. quickSort(int[] data, int start, int end, java.util.Comparator<? super DBIDRef> comp, IntegerDBIDVar vl, IntegerDBIDVar vk, IntegerDBIDVar vr)
Actual recursive sort function.void
ArrayModifiableIntegerDBIDs. sort(int start, int end, java.util.Comparator<? super DBIDRef> comparator)
void
ArrayModifiableIntegerDBIDs. sort(java.util.Comparator<? super DBIDRef> comparator)
static void
IntegerDBIDArrayQuickSort. sort(int[] data, int start, int end, java.util.Comparator<? super DBIDRef> comp)
Sort the array using the given comparator.static void
IntegerDBIDArrayQuickSort. 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 interface
PrioritySearcher<O>
Distance priority-based searcher.Classes in elki.database.query that implement DBIDRef Modifier and Type Class Description class
ExactPrioritySearcher<O>
Priority searcher that refines all objects to their exact distances, using another priority searcher inside to provide candidates.class
WrappedPrioritySearchDBIDByLookup<O>
Find nearest neighbors by querying with the original object.static class
WrappedPrioritySearchDBIDByLookup.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 KNNList
WrappedPrioritySearchDBIDByLookup. getKNN(DBIDRef id, int k)
ModifiableDoubleDBIDList
WrappedPrioritySearchDBIDByLookup. 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 class
LinearScanEuclideanPrioritySearcher<Q,O extends NumberVector>
Default linear scan search class, for Euclidean distance.static class
LinearScanEuclideanPrioritySearcher.ByDBID<O extends NumberVector>
Search by DBID.static class
LinearScanEuclideanPrioritySearcher.ByObject<O extends NumberVector>
Search by Object.class
LinearScanPrioritySearcher<Q,O>
Default linear scan search class.static class
LinearScanPrioritySearcher.ByDBID<O>
Search by DBID.static class
LinearScanPrioritySearcher.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 double
DatabaseDistanceQuery. distance(DBIDRef id1, O o2)
default double
DatabaseDistanceQuery. distance(O o1, DBIDRef id2)
double
DBIDDistanceQuery. distance(DBIDRef id1, DBIDRef id2)
double
DBIDRangeDistanceQuery. distance(DBIDRef id1, DBIDRef id2)
double
DistanceQuery. distance(DBIDRef id1, DBIDRef id2)
Returns the distance between the two objects specified by their object ids.double
DistanceQuery. distance(DBIDRef id1, O o2)
Returns the distance between the two objects specified by their object ids.double
DistanceQuery. distance(O o1, DBIDRef id2)
Returns the distance between the two objects specified by their object ids.double
PrimitiveDistanceQuery. distance(DBIDRef id1, DBIDRef id2)
double
PrimitiveDistanceQuery. distance(DBIDRef id1, O o2)
double
PrimitiveDistanceQuery. distance(O o1, DBIDRef id2)
double
SpatialDistanceQuery. minDist(SpatialComparable mbr, DBIDRef id)
Computes the minimum distance between the given MBR and the FeatureVector object according to this distance function.double
SpatialPrimitiveDistanceQuery. minDist(SpatialComparable mbr, DBIDRef id)
PrioritySearcher<DBIDRef>
LinearScanEuclideanPrioritySearcher.ByDBID. search(DBIDRef query)
PrioritySearcher<DBIDRef>
LinearScanPrioritySearcher.ByDBID. search(DBIDRef query)
double
PrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)
double
PrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, O o2)
double
PrimitiveDistanceSimilarityQuery. similarity(O o1, DBIDRef id2)
double
SpatialPrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)
double
SpatialPrimitiveDistanceSimilarityQuery. similarity(DBIDRef id1, O o2)
double
SpatialPrimitiveDistanceSimilarityQuery. 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 KNNList
LinearScanKNNByDBID. getKNN(DBIDRef id, int k)
KNNList
PreprocessorKNNQuery. getKNN(DBIDRef id, int k)
KNNList
PreprocessorSqrtKNNQuery. getKNN(DBIDRef id, int k)
KNNList
PreprocessorSquaredKNNQuery. getKNN(DBIDRef id, int k)
KNNList
WrappedKNNDBIDByLookup. 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 ModifiableDoubleDBIDList
LinearScanDistanceRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)
ModifiableDoubleDBIDList
LinearScanSimilarityRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)
ModifiableDoubleDBIDList
WrappedRangeDBIDByLookup. 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. knnQuery
KNN query we use.private KNNSearcher<DBIDRef>
LinearScanRKNNByObject. knnQuery
KNN 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 DoubleDBIDList
LinearScanRKNNByDBID. getRKNN(DBIDRef id, int k)
DoubleDBIDList
PreprocessorRKNNQuery. getRKNN(DBIDRef id, int k)
DoubleDBIDList
WrappedRKNNDBIDByLookup. 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 double
DatabaseSimilarityQuery. similarity(DBIDRef id1, O o2)
default double
DatabaseSimilarityQuery. similarity(O o1, DBIDRef id2)
double
PrimitiveSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)
double
PrimitiveSimilarityQuery. similarity(DBIDRef id1, O o2)
double
PrimitiveSimilarityQuery. similarity(O o1, DBIDRef id2)
double
SimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)
Returns the similarity between the two objects specified by their object ids.double
SimilarityQuery. similarity(DBIDRef id1, O o2)
Returns the similarity between the two objects specified by their object ids.double
SimilarityQuery. 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 void
DoubleRelation.Consumer. accept(DBIDRef idref, double val)
Act on each value.int
RelationUtil.AscendingByDoubleRelation. compare(DBIDRef id1, DBIDRef id2)
int
RelationUtil.DescendingByDoubleRelation. compare(DBIDRef id1, DBIDRef id2)
void
MaterializedDoubleRelation. delete(DBIDRef id)
Delete an objects values.void
MaterializedRelation. delete(DBIDRef id)
Delete an objects values.void
ModifiableRelation. delete(DBIDRef id)
Delete an objects values.double
DoubleRelation. doubleValue(DBIDRef id)
Get the representation of an object.double
MaterializedDoubleRelation. doubleValue(DBIDRef id)
java.lang.String
ConvertToStringView. get(DBIDRef id)
DBID
DBIDView. get(DBIDRef id)
default java.lang.Double
DoubleRelation. get(DBIDRef id)
Deprecated.O
MaterializedRelation. get(DBIDRef id)
OUT
ProjectedView. get(DBIDRef id)
O
ProxyView. get(DBIDRef id)
O
Relation. get(DBIDRef id)
Get the representation of an object.void
DoubleRelation. insert(DBIDRef id, java.lang.Double val)
Deprecated.useDoubleRelation.set(DBIDRef, double)
instead.void
MaterializedDoubleRelation. insert(DBIDRef id, java.lang.Double val)
Deprecated.void
MaterializedRelation. insert(DBIDRef id, O val)
void
ModifiableRelation. insert(DBIDRef id, O val)
Set (or insert) an object representation.void
DoubleRelation. set(DBIDRef id, double val)
Set an object representation.void
MaterializedDoubleRelation. set(DBIDRef id, double val)
Method parameters in elki.database.relation with type arguments of type DBIDRef Modifier and Type Method Description default void
Relation. 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 double
AbstractDBIDRangeDistance. distance(DBIDRef o1, DBIDRef o2)
double
DBIDDistance. distance(DBIDRef id1, DBIDRef id2)
Returns the distance between the two objects specified by their object ids.double
RandomStableDistance. distance(DBIDRef o1, DBIDRef o2)
double
SharedNearestNeighborJaccardDistance.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 double
AbstractSimilarityAdapter.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) DBIDRef
FilteredDistanceResultAdapter. skip
DBID 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 boolean
DynamicIndex. delete(DBIDRef id)
Deletes the specified object from this index.void
DynamicIndex. insert(DBIDRef id)
Inserts the specified object into this index.protected double
AbstractRefiningIndex.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 class
PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher
Range 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 double
PrecomputedDistanceMatrix.PrecomputedDistanceQuery. distance(DBIDRef id1, DBIDRef id2)
KNNList
PrecomputedDistanceMatrix.PrecomputedKNNQuery. getKNN(DBIDRef id, int k)
ModifiableDoubleDBIDList
PrecomputedDistanceMatrix.PrecomputedRangeQuery. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)
ModifiableDoubleDBIDList
PrecomputedSimilarityMatrix.PrecomputedSimilarityRangeQuery. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)
PrioritySearcher<DBIDRef>
PrecomputedDistanceMatrix.PrecomputedDistancePrioritySearcher. search(DBIDRef query)
double
PrecomputedSimilarityMatrix.PrecomputedSimilarityQuery. similarity(DBIDRef id1, DBIDRef id2)
double
PrecomputedSimilarityMatrix.PrecomputedSimilarityQuery. similarity(DBIDRef id1, O o2)
double
PrecomputedSimilarityMatrix.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 void
InMemoryInvertedIndex. indexDense(DBIDRef ref, V obj)
Index a single (dense) instance.private void
InMemoryInvertedIndex. 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 DBIDRef
LAESA.LAESAKNNByDBIDSearcher. query
Query objectprivate DBIDRef
LAESA.LAESARangeByDBIDSearcher. query
Query 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 int
LAESA.LAESAKNNSearcher. findInRef(DBIDRef p, DBIDArrayIter ref)
Find the given DBIDVar p in the reference iterKNNList
LAESA.LAESAKNNByDBIDSearcher. getKNN(DBIDRef query, int k)
ModifiableDoubleDBIDList
LAESA.LAESARangeByDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
protected double
LAESA.LAESAKNNByDBIDSearcher. queryDistance(DBIDRef p)
protected double
LAESA.LAESAKNNByObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
LAESA.LAESAKNNSearcher. queryDistance(DBIDRef p)
Compute the distance to a candidate object.protected double
LAESA.LAESARangeByDBIDSearcher. queryDistance(DBIDRef ref)
protected double
LAESA.LAESARangeByObjectSearcher. queryDistance(DBIDRef ref)
protected abstract double
LAESA.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. knnQuery
KNNSearcher 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 boolean
NNDescent. add(DBIDRef cur, DBIDRef cand, double distance)
Add cand to cur's heap neighbors with distanceprivate void
NNDescent. addpair(WritableDataStore<HashSetModifiableDBIDs> newNeighbors, DBIDRef o1, DBIDRef o2)
boolean
MaterializeKNNPreprocessor. delete(DBIDRef id)
KNNList
AbstractMaterializeKNNPreprocessor. get(DBIDRef id)
Get the k nearest neighbors.KNNList
NaiveProjectedKNNPreprocessor.NaiveProjectedKNNQuery. getKNN(DBIDRef id, int k)
KNNList
SpacefillingKNNPreprocessor.SpaceFillingKNNQuery. getKNN(DBIDRef id, int k)
DoubleDBIDList
MaterializeKNNAndRKNNPreprocessor. getRKNN(DBIDRef id)
Returns the materialized RkNNs of the specified id.void
MaterializeKNNPreprocessor. 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 ArrayDBIDs
SharedNearestNeighborIndex. getNearestNeighborSet(DBIDRef id)
Get the precomputed nearest neighborsArrayDBIDs
SharedNearestNeighborPreprocessor. 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 KNNList
ProjectedIndex.ProjectedKNNByDBID. getKNN(DBIDRef id, int k)
ModifiableDoubleDBIDList
ProjectedIndex.ProjectedRangeByDBID. getRange(DBIDRef id, double range, ModifiableDoubleDBIDList result)
DoubleDBIDList
ProjectedIndex.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 void
CFTree. 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 class
CoverTree.CoverTreePriorityDBIDSearcher
Priority query class.class
CoverTree.CoverTreePriorityObjectSearcher
Priority query class.class
CoverTree.CoverTreePrioritySearcher<Q>
Priority query class.class
SimplifiedCoverTree.CoverTreePriorityDBIDSearcher
Priority query class.class
SimplifiedCoverTree.CoverTreePriorityObjectSearcher
Priority query class.class
SimplifiedCoverTree.CoverTreePrioritySearcher<Q>
Priority query class.Fields in elki.index.tree.metrical.covertree declared as DBIDRef Modifier and Type Field Description private DBIDRef
CoverTree.CoverTreeKNNDBIDSearcher. query
Query reference.private DBIDRef
CoverTree.CoverTreePriorityDBIDSearcher. query
Query objectprivate DBIDRef
CoverTree.CoverTreeRangeDBIDSearcher. query
Query reference.private DBIDRef
SimplifiedCoverTree.CoverTreeKNNDBIDSearcher. query
Query reference.private DBIDRef
SimplifiedCoverTree.CoverTreePriorityDBIDSearcher. query
Query objectprivate DBIDRef
SimplifiedCoverTree.CoverTreeRangeDBIDSearcher. query
Query 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.Node
CoverTree. bulkConstruct(DBIDRef cur, int maxScale, double parentDist, ModifiableDoubleDBIDList elems)
Bulk-load the cover tree.protected SimplifiedCoverTree.Node
SimplifiedCoverTree. bulkConstruct(DBIDRef cur, int maxScale, ModifiableDoubleDBIDList elems)
Bulk-load the cover tree.protected void
AbstractCoverTree. collectByCover(DBIDRef cur, ModifiableDoubleDBIDList candidates, double fmax, ModifiableDoubleDBIDList collect)
Collect all elements with respect to a new routing object.protected double
AbstractCoverTree. distance(DBIDRef a, DBIDRef b)
Compute a distance (and count).protected double
AbstractCoverTree. distance(O a, DBIDRef b)
Compute a distance (and count).KNNList
CoverTree.CoverTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)
KNNList
SimplifiedCoverTree.CoverTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)
ModifiableDoubleDBIDList
CoverTree.CoverTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
ModifiableDoubleDBIDList
SimplifiedCoverTree.CoverTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
protected double
CoverTree.CoverTreeKNNDBIDSearcher. queryDistance(DBIDRef it)
protected double
CoverTree.CoverTreeKNNObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
CoverTree.CoverTreeKNNSearcher. queryDistance(DBIDRef it)
Compute distance to query object.protected double
CoverTree.CoverTreePriorityDBIDSearcher. queryDistance(DBIDRef it)
protected double
CoverTree.CoverTreePriorityObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
CoverTree.CoverTreePrioritySearcher. queryDistance(DBIDRef it)
Compute distance to query object.protected double
CoverTree.CoverTreeRangeDBIDSearcher. queryDistance(DBIDRef it)
protected double
CoverTree.CoverTreeRangeObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
CoverTree.CoverTreeRangeSearcher. queryDistance(DBIDRef it)
Compute distance to query object.protected double
SimplifiedCoverTree.CoverTreeKNNDBIDSearcher. queryDistance(DBIDRef it)
protected double
SimplifiedCoverTree.CoverTreeKNNObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
SimplifiedCoverTree.CoverTreeKNNSearcher. queryDistance(DBIDRef it)
Compute distance to query object.protected double
SimplifiedCoverTree.CoverTreePriorityDBIDSearcher. queryDistance(DBIDRef it)
protected double
SimplifiedCoverTree.CoverTreePriorityObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
SimplifiedCoverTree.CoverTreePrioritySearcher. queryDistance(DBIDRef it)
Compute distance to query object.protected double
SimplifiedCoverTree.CoverTreeRangeDBIDSearcher. queryDistance(DBIDRef it)
protected double
SimplifiedCoverTree.CoverTreeRangeObjectSearcher. queryDistance(DBIDRef it)
protected abstract double
SimplifiedCoverTree.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 double
AbstractMTree. 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. knnq
Internal class for performing knn queriesMethods in elki.index.tree.metrical.mtreevariants.mktrees with parameters of type DBIDRef Modifier and Type Method Description double
AbstractMkTree. distance(DBIDRef id1, DBIDRef id2)
abstract DoubleDBIDList
AbstractMkTree. 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 DoubleDBIDList
MkAppTree. 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 void
MkCoPTree. doReverseKNNQuery(int k, DBIDRef q, ModifiableDoubleDBIDList result, ModifiableDBIDs candidates)
Performs a reverse knn query.DoubleDBIDList
MkCoPTree. 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 MkMaxLeafEntry
MkMaxTreeIndex. createNewLeafEntry(DBID id, DBIDRef object, double parentDistance)
boolean
MkMaxTreeIndex. delete(DBIDRef id)
Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.private void
MkMaxTree. 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()
.void
MkMaxTreeIndex. insert(DBIDRef id)
DoubleDBIDList
MkMaxTree. 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 MkTabEntry
MkTabTreeIndex. createNewLeafEntry(DBID id, DBIDRef object, double parentDistance)
Creates a new leaf entry representing the specified data object in the specified subtree.private void
MkTabTree. 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.DoubleDBIDList
MkTabTree. 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 boolean
MTreeIndex. delete(DBIDRef id)
Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.double
MTreeIndex. distance(DBIDRef id1, DBIDRef id2)
void
MTreeIndex. 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 void
MTreeRangeByDBID. doRangeQuery(DBID o_p, AbstractMTreeNode<O,?,?> node, DBIDRef q, double r_q, ModifiableDoubleDBIDList result)
Performs a range query on the specified subtree.KNNList
MTreeKNNByDBID. getKNN(DBIDRef q, int k)
ModifiableDoubleDBIDList
MTreeRangeByDBID. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
DoubleDBIDList
MkTreeRKNNQuery. 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 class
GNAT.GNATPriorityDBIDSearcher
Range search for the VP-tree.class
GNAT.GNATPriorityObjectSearcher
Range search for the VP-tree.class
GNAT.GNATPrioritySearcher<T>
priority search query for mvp-treeclass
VPTree.VPTreePriorityDBIDSearcher
Range search for the VP-tree.class
VPTree.VPTreePriorityObjectSearcher
Range search for the VP-tree.class
VPTree.VPTreePrioritySearcher<Q>
Priority search for the VP-Tree.Fields in elki.index.tree.metrical.vptree declared as DBIDRef Modifier and Type Field Description private DBIDRef
GNAT.GNATKNNDBIDSearcher. query
Current query objectprivate DBIDRef
GNAT.GNATPriorityDBIDSearcher. query
Current query objectprivate DBIDRef
GNAT.GNATRangeDBIDSearcher. query
Current query objectprivate DBIDRef
VPTree.VPTreeKNNDBIDSearcher. query
Current query objectprivate DBIDRef
VPTree.VPTreePriorityDBIDSearcher. query
Current query objectprivate DBIDRef
VPTree.VPTreeRangeDBIDSearcher. query
Current 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 double
VPTree.Builder. calcMoment(DBIDRef p, DBIDs check, int size)
Calculate the 2nd moment to the median of the distances to pprivate double
GNAT. distance(DBIDRef a, DBIDRef b)
Compute a distance, and count.private double
GNAT. distance(O a, DBIDRef b)
Compute a distance, and count.private double
VPTree. distance(DBIDRef a, DBIDRef b)
Compute a distance, and count.private double
VPTree. distance(O a, DBIDRef b)
Compute a distance, and count.KNNList
GNAT.GNATKNNDBIDSearcher. getKNN(DBIDRef query, int k)
KNNList
VPTree.VPTreeKNNDBIDSearcher. getKNN(DBIDRef query, int k)
ModifiableDoubleDBIDList
GNAT.GNATRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
ModifiableDoubleDBIDList
VPTree.VPTreeRangeDBIDSearcher. getRange(DBIDRef query, double range, ModifiableDoubleDBIDList result)
protected double
GNAT.GNATKNNDBIDSearcher. queryDistance(DBIDRef p)
protected double
GNAT.GNATKNNObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
GNAT.GNATKNNSearcher. queryDistance(DBIDRef iter)
Query the distance to a query object.protected double
GNAT.GNATPriorityDBIDSearcher. queryDistance(DBIDRef p)
protected double
GNAT.GNATPriorityObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
GNAT.GNATPrioritySearcher. queryDistance(DBIDRef iter)
Query the distance to a query object.protected double
GNAT.GNATRangeDBIDSearcher. queryDistance(DBIDRef p)
protected double
GNAT.GNATRangeObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
GNAT.GNATRangeSearcher. queryDistance(DBIDRef iter)
Query the distance to a query object.protected double
VPTree.VPTreeKNNDBIDSearcher. queryDistance(DBIDRef p)
protected double
VPTree.VPTreeKNNObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
VPTree.VPTreeKNNSearcher. queryDistance(DBIDRef p)
Compute the distance to a candidate object.protected double
VPTree.VPTreePriorityDBIDSearcher. queryDistance(DBIDRef p)
protected double
VPTree.VPTreePriorityObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
VPTree.VPTreePrioritySearcher. queryDistance(DBIDRef p)
Compute the distance to a candidate object.protected double
VPTree.VPTreeRangeDBIDSearcher. queryDistance(DBIDRef p)
protected double
VPTree.VPTreeRangeObjectSearcher. queryDistance(DBIDRef p)
protected abstract double
VPTree.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 class
MemoryKDTree.KDTreePrioritySearcher
Priority search for the k-d-tree.class
MinimalisticMemoryKDTree.KDTreePrioritySearcher
Priority search for the k-d-tree.class
SmallMemoryKDTree.KDTreePrioritySearcher
Priority search for the k-d-tree.Methods in elki.index.tree.spatial.kd with parameters of type DBIDRef Modifier and Type Method Description int
MinimalisticMemoryKDTree.CountSortAccesses. compare(DBIDRef id1, DBIDRef id2)
O
MemoryKDTree.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 boolean
DeLiCluTreeIndex. delete(DBIDRef id)
Deletes the specified object from this index.void
DeLiCluTreeIndex. 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 boolean
FlatRStarTreeIndex. delete(DBIDRef id)
void
FlatRStarTreeIndex. 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 class
EuclideanRStarTreeDistancePrioritySearcher<O extends SpatialComparable>
Instance of priority search for a particular spatial index.class
RStarTreeDistancePrioritySearcher<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. knnQuery
Internal 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 boolean
RdKNNTree. delete(DBIDRef id)
Deletes the specified object from this index.void
RdKNNTree. 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 SpatialPointLeafEntry
RStarTreeIndex. createNewLeafEntry(DBIDRef id)
Create a new leaf entry.boolean
RStarTreeIndex. delete(DBIDRef id)
Deletes the specified object from this index.void
RStarTreeIndex. 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 class
VectorApproximation
Object in a VA approximation.Methods in elki.index.vafile that return DBIDRef Modifier and Type Method Description DBIDRef
PartialVAFile.PartialVACandidate. getApprox()
Get the vector approximation.Methods in elki.index.vafile with parameters of type DBIDRef Modifier and Type Method Description VectorApproximation
VAFile. calculateApproximation(DBIDRef id, V dv)
Calculate the VA file position given the existing borders.protected VectorApproximation
PartialVAFile. 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 double
ABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
ALIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
ALIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<?> distq, DBIDRef cur, double range)
default double
DistanceBasedIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)
default double
DistanceBasedIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range)
double
IntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends O> distq, DBIDRef cur, int k)
Estimate from a Reference Point, a KNNSearcher and the neighborhood size k.double
IntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends O> distq, DBIDRef cur, double range)
Estimate from a distance list.double
LPCAEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, int k)
double
LPCAEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, double range)
double
RABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
TightLIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)
double
TightLIDEstimator. 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 double
ABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
ALIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
ALIDEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<?> distq, DBIDRef cur, double range)
default double
DistanceBasedIntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)
default double
DistanceBasedIntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, double range)
double
IntrinsicDimensionalityEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends O> distq, DBIDRef cur, int k)
Estimate from a Reference Point, a KNNSearcher and the neighborhood size k.double
IntrinsicDimensionalityEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends O> distq, DBIDRef cur, double range)
Estimate from a distance list.double
LPCAEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, int k)
double
LPCAEstimator. estimate(RangeSearcher<DBIDRef> rnq, DistanceQuery<? extends NumberVector> distq, DBIDRef cur, double range)
double
RABIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<?> distq, DBIDRef cur, int k)
double
TightLIDEstimator. estimate(KNNSearcher<DBIDRef> knnq, DistanceQuery<? extends java.lang.Object> distq, DBIDRef cur, int k)
double
TightLIDEstimator. 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 void
DWOF. clusterData(DBIDs ids, RangeSearcher<DBIDRef> rnnQuery, WritableDoubleDataStore radii, WritableDataStore<ModifiableDBIDs> labels)
This method applies a density based clustering algorithm.private void
DWOF. 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 double
ABOD. 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 void
HySortOD.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 double
SOS. computeH(DBIDRef ignore, DoubleDBIDListIter it, double[] p, double mbeta)
Compute H (observed perplexity) for row i, and the row pij_i.static double
SOS. 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 double
SOS. 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 void
KNNWeightProcessor.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 void
ISOS. adjustDistances(DBIDRef ignore, DoubleDBIDListIter ki, double max, double id, ModifiableDoubleDBIDList dists)
protected double
ISOS. 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 DoubleDataStore
IDOS. computeIDOS(DBIDs ids, KNNSearcher<DBIDRef> knnQ, DoubleDataStore intDims, DoubleMinMax idosminmax)
Computes all IDOS scores.protected DoubleDataStore
IDOS. 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. kNNReach
The kNN query w.r.t. the reachability distance.private KNNSearcher<DBIDRef>
FlexibleLOF.LOFResult. kNNRefer
The kNN query w.r.t. the reference neighborhood distance.private RKNNSearcher<DBIDRef>
FlexibleLOF.LOFResult. rkNNReach
The rkNN query w.r.t. the reachability distance.private RKNNSearcher<DBIDRef>
FlexibleLOF.LOFResult. rkNNRefer
The 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 double
LOF. 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 void
COF. 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 void
COF. computeCOFScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore acds, WritableDoubleDataStore cofs, DoubleMinMax cofminmax)
Compute Connectivity outlier factors.protected void
INFLO. computeINFLO(Relation<O> relation, ModifiableDBIDs pruned, KNNSearcher<DBIDRef> knnq, WritableDataStore<ModifiableDBIDs> rNNminuskNNs, WritableDoubleDataStore inflos, DoubleMinMax inflominmax)
Compute the final INFLO scores.protected void
FlexibleLOF. computeLOFs(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)
Computes the Local outlier factor (LOF) of the specified objects.protected double
LOF. computeLOFScore(KNNSearcher<DBIDRef> knnq, DBIDRef cur, DoubleDataStore lrds)
Compute a single LOF score.private void
LOF. computeLOFScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, DoubleDataStore lrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)
Compute local outlier factors.protected double
LOF. computeLRD(KNNSearcher<DBIDRef> knnq, DBIDIter curr)
Compute a single local reachability distance.protected void
FlexibleLOF. computeLRDs(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore lrds)
Computes the local reachability density (LRD) of the specified objects.private void
LOF. computeLRDs(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDoubleDataStore lrds)
Compute local reachability distances.protected void
KDEOS. computeOutlierScores(KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDataStore<double[]> densities, WritableDoubleDataStore kdeos, DoubleMinMax minmax)
Compute the final KDEOS scores.protected void
LoOP. computePDists(Relation<O> relation, KNNSearcher<DBIDRef> knn, WritableDoubleDataStore pdists)
Compute the probabilistic distances used by LoOP.protected double
LoOP. computePLOFs(Relation<O> relation, KNNSearcher<DBIDRef> knn, WritableDoubleDataStore pdists, WritableDoubleDataStore plofs)
Compute the LOF values, using the pdist distances.private void
SimplifiedLOF. computeSimplifiedLOFs(DBIDs ids, KNNSearcher<DBIDRef> knnq, WritableDoubleDataStore slrds, WritableDoubleDataStore lofs, DoubleMinMax lofminmax)
Compute the simplified LOF factors.private void
SimplifiedLOF. computeSimplifiedLRDs(DBIDs ids, KNNSearcher<DBIDRef> knnq, WritableDoubleDataStore lrds)
Compute the simplified reachability densities.private void
VarianceOfVolume. computeVolumes(KNNSearcher<DBIDRef> knnq, int dim, DBIDs ids, WritableDoubleDataStore vols)
Compute volumesprivate void
VarianceOfVolume. 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.LOFResult
encapsulating information that may be needed by an OnlineLOF algorithm.protected void
KDEOS. estimateDensities(Relation<O> rel, KNNSearcher<DBIDRef> knnq, DBIDs ids, WritableDataStore<double[]> densities)
Perform the kernel density estimation step.protected void
LOCI. precomputeInterestingRadii(DBIDs ids, RangeSearcher<DBIDRef> rangeQuery, WritableDataStore<LOCI.DoubleIntArrayList> interestingDistances)
Preprocessing step: determine the radii of interest for each point.void
FlexibleLOF.LOFResult. setRkNNReach(RKNNSearcher<DBIDRef> rkNNReach)
Sets the RkNN query w.r.t. the reachability distance.void
FlexibleLOF.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 theFlexibleLOF
algorithm. -
Uses of DBIDRef in elki.outlier.lof.parallel
Methods in elki.outlier.lof.parallel with parameters of type DBIDRef Modifier and Type Method Description void
LOFProcessor.Instance. map(DBIDRef id)
void
LRDProcessor.Instance. map(DBIDRef id)
void
SimplifiedLRDProcessor.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 DBIDs
AbstractPrecomputedNeighborhood. getNeighborDBIDs(DBIDRef reference)
DBIDs
NeighborSetPredicate. 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 DBIDs
SOD. getNearestNeighbors(Relation<V> relation, SimilarityQuery<V> simQ, DBIDRef queryObject)
Get the k nearest neighbors in terms of the shared nearest neighbor distance.private DoubleDBIDList
OUTRES. initialRange(DBIDRef obj, DBIDs cands, PrimitiveDistance<? super NumberVector> df, double eps, OUTRES.KernelDensityEstimator kernel, ModifiableDoubleDBIDList n)
Initial range query.double
OUTRES. outresScore(int s, long[] subspace, DBIDRef id, OUTRES.KernelDensityEstimator kernel, DBIDs cands)
Main loop of OUTRES.private DoubleDBIDList
OUTRES. 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. knnq
kNN query(package private) java.util.function.Supplier<KNNSearcher<DBIDRef>>
KNNProcessor. knnq
KNN query objectMethods in elki.parallel.processor with parameters of type DBIDRef Modifier and Type Method Description abstract void
AbstractDoubleProcessor.Instance. map(DBIDRef id)
void
DoubleMinMaxProcessor.Instance. map(DBIDRef id)
void
KDistanceProcessor.Instance. map(DBIDRef id)
void
KNNProcessor.Instance. map(DBIDRef id)
void
Processor.Instance. map(DBIDRef id)
Process ("map") a single objectvoid
WriteDataStoreProcessor.Instance. map(DBIDRef id)
void
WriteDoubleDataStoreProcessor.Instance. map(DBIDRef id)
void
WriteIntegerDataStoreProcessor.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 void
IntrinsicNearestNeighborAffinityMatrixBuilder. 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 void
NearestNeighborAffinityMatrixBuilder. 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 void
IntrinsicNearestNeighborAffinityMatrixBuilder. 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 void
NearestNeighborAffinityMatrixBuilder. 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.StringBuilder
KMLOutputHandler. 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 void
TextWriter. 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 double
FractionalSharedNearestNeighborSimilarity.Instance. similarity(DBIDRef id1, DBIDRef id2)
double
SharedNearestNeighborSimilarity.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 double
KernelMatrix. getDistance(DBIDRef o1, DBIDRef o2)
Returns the kernel distance between the two specified objects.int
KernelMatrix.DBIDMap. getOffset(DBIDRef id)
Get the offset of the DBID in the range.int
KernelMatrix.RangeMap. getOffset(DBIDRef id)
int
KernelMatrix.SortedArrayMap. getOffset(DBIDRef id)
double
KernelMatrix. getSimilarity(DBIDRef id1, DBIDRef id2)
Get the kernel similarity for the given objects.double
KernelMatrix. 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 void
ChangePoints. add(DBIDRef iter, int column, double score)
Add a change point to the result.private double
SigniTrendChangeDetection.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 int
UnionFind. find(DBIDRef p)
Find the component ID of an element.int
WeightedQuickUnionRangeDBIDs. find(DBIDRef element)
int
WeightedQuickUnionStaticDBIDs. find(DBIDRef element)
boolean
UnionFind. isConnected(DBIDRef p, DBIDRef q)
Test if two components are connected.boolean
WeightedQuickUnionRangeDBIDs. isConnected(DBIDRef first, DBIDRef second)
boolean
WeightedQuickUnionStaticDBIDs. isConnected(DBIDRef first, DBIDRef second)
int
UnionFind. union(DBIDRef p, DBIDRef q)
Join the components of elements p and q.int
WeightedQuickUnionRangeDBIDs. union(DBIDRef first, DBIDRef second)
int
WeightedQuickUnionStaticDBIDs. 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 int
ClusterStylingPolicy. getColorForDBID(DBIDRef id)
int
StylingPolicy. getColorForDBID(DBIDRef id)
Get the color for an individual object.double
ClusterStylingPolicy. getIntensityForDBID(DBIDRef id)
default double
StylingPolicy. getIntensityForDBID(DBIDRef id)
Get the Intensity for an individual object.int
ClassStylingPolicy. getStyleForDBID(DBIDRef id)
Get the style number for a particular objectint
ClusterStylingPolicy. 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 int
SegmentsStylingPolicy. getColorForDBID(DBIDRef id)
int
SegmentsStylingPolicy. 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.Element
BoundingBoxVisualization.Instance. drawLine(DBIDRef iter)
Draw a single line.private org.w3c.dom.Element
LineVisualization.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.Element
SelectionLineVisualization.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.Element
AbstractTooltipVisualization. makeTooltip(DBIDRef id, double x, double y, double dotsize)
Make a tooltip Element for this id.protected org.w3c.dom.Element
TooltipScoreVisualization.Instance. makeTooltip(DBIDRef id, double x, double y, double dotsize)
protected org.w3c.dom.Element
TooltipStringVisualization.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 double
BubbleVisualization.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 void
SameSizeKMeans. 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.
-