Uses of Interface
de.lmu.ifi.dbs.elki.database.ids.DBIDs

Packages that use DBIDs
de.lmu.ifi.dbs.elki.algorithm Algorithms suitable as a task for the KDDTask main routine. 
de.lmu.ifi.dbs.elki.algorithm.clustering Clustering algorithms Clustering algorithms are supposed to implement the Algorithm-Interface. 
de.lmu.ifi.dbs.elki.algorithm.clustering.correlation Correlation clustering algorithms 
de.lmu.ifi.dbs.elki.algorithm.clustering.correlation.cash Helper classes for the CASH algorithm. 
de.lmu.ifi.dbs.elki.algorithm.clustering.subspace Axis-parallel subspace clustering algorithms The clustering algorithms in this package are instances of both, projected clustering algorithms or subspace clustering algorithms according to the classical but somewhat obsolete classification schema of clustering algorithms for axis-parallel subspaces. 
de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.clique Helper classes for the CLIQUE algorithm. 
de.lmu.ifi.dbs.elki.algorithm.outlier Outlier detection algorithms 
de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood Spatial outlier neighborhood classes 
de.lmu.ifi.dbs.elki.data Basic classes for different data types, database object types and label types. 
de.lmu.ifi.dbs.elki.data.model Cluster models classes for various algorithms. 
de.lmu.ifi.dbs.elki.database ELKI database layer - loading, storing, indexing and accessing data 
de.lmu.ifi.dbs.elki.database.datastore General data store layer API (along the lines of Map<DBID, T> - use everywhere!) 
de.lmu.ifi.dbs.elki.database.datastore.memory Memory data store implementation for ELKI. 
de.lmu.ifi.dbs.elki.database.ids Database object identification and ID group handling API
de.lmu.ifi.dbs.elki.database.ids.generic Database object identification and ID group handling - generic implementations
de.lmu.ifi.dbs.elki.database.ids.integer Integer-based DBID implementation -- do not use directly - always use DBIDUtil
de.lmu.ifi.dbs.elki.database.relation Relations, materialized and virtual (views). 
de.lmu.ifi.dbs.elki.distance.distancefunction.external Distance functions using external data sources. 
de.lmu.ifi.dbs.elki.evaluation.outlier Evaluate an outlier score using a misclassification based cost model. 
de.lmu.ifi.dbs.elki.evaluation.roc Evaluation of rankings using ROC AUC (Receiver Operation Characteristics - Area Under Curve) 
de.lmu.ifi.dbs.elki.index Index structure implementations 
de.lmu.ifi.dbs.elki.index.preprocessed.knn Indexes providing KNN and rKNN data. 
de.lmu.ifi.dbs.elki.index.preprocessed.preference Indexes storing preference vectors. 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants M-Tree and variants. 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkapp MkAppTree 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkcop MkCoPTree 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkmax MkMaxTree 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mktab MkTabTree 
de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mtree MTree 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu DeLiCluTree 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.query Queries on the R-Tree family of indexes: kNN and range queries. 
de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar RStarTree 
de.lmu.ifi.dbs.elki.math.linearalgebra.pca Principal Component Analysis (PCA) and Eigenvector processing. 
de.lmu.ifi.dbs.elki.math.spacefillingcurves Space filling curves. 
de.lmu.ifi.dbs.elki.result Result types, representation and handling 
de.lmu.ifi.dbs.elki.result.optics Result classes for OPTICS. 
de.lmu.ifi.dbs.elki.result.outlier Outlier result classes 
de.lmu.ifi.dbs.elki.utilities Utility and helper classes - commonly used data structures, output formatting, exceptions, ... 
de.lmu.ifi.dbs.elki.utilities.datastructures.heap Heap structures and variations such as bounded priority heaps. 
de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d Visualizers based on 2D projections. 
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm
 

Methods in de.lmu.ifi.dbs.elki.algorithm with parameters of type DBIDs
 CorrelationAnalysisSolution<V> DependencyDerivator.generateModel(Relation<V> db, DBIDs ids)
          Runs the pca on the given set of IDs.
 CorrelationAnalysisSolution<V> DependencyDerivator.generateModel(Relation<V> db, DBIDs ids, V centroidDV)
          Runs the pca on the given set of IDs and for the given centroid.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.clustering
 

Methods in de.lmu.ifi.dbs.elki.algorithm.clustering with parameters of type DBIDs
private  Clustering<Model> SLINK.extractClusters_erich(DBIDs ids, DataStore<DBID> pi, DataStore<D> lambda, int minclusters)
          Extract all clusters from the pi-lambda-representation.
private  Clustering<DendrogramModel<D>> SLINK.extractClusters(DBIDs ids, DataStore<DBID> pi, DataStore<D> lambda, int minclusters)
          Extract all clusters from the pi-lambda-representation.
private  void SLINK.step2(DBID newID, DBIDs processedIDs, DistanceQuery<O,D> distFunc, WritableDataStore<D> 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.step3(DBID newID, DBIDs processedIDs, WritableDataStore<D> m)
          Third step: Determine the values for P and L
private  void SLINK.step4(DBID newID, DBIDs processedIDs)
          Fourth step: Actualize the clusters if necessary
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation
 

Methods in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation with parameters of type DBIDs
private  MaterializedRelation<ParameterizationFunction> CASH.buildDB(int dim, Matrix basis, DBIDs ids, Relation<ParameterizationFunction> relation)
          Builds a dim-1 dimensional database where the objects are projected into the specified subspace.
private  Database CASH.buildDerivatorDB(Relation<ParameterizationFunction> relation, DBIDs ids)
          Builds a database for the derivator consisting of the ids in the specified interval.
private  void CASH.initHeap(Heap<IntegerPriorityObject<CASHInterval>> heap, Relation<ParameterizationFunction> relation, int dim, DBIDs ids)
          Initializes the heap with the root intervals.
private  LinearEquationSystem CASH.runDerivator(Relation<ParameterizationFunction> relation, int dimensionality, DBIDs ids)
          Runs the derivator on the specified interval and assigns all points having a distance less then the standard deviation of the derivator model to the model to this model.
 

Method parameters in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation with type arguments of type DBIDs
private  Clustering<Model> COPAC.runPartitionAlgorithm(Relation<V> relation, Map<Integer,DBIDs> partitionMap, DistanceQuery<V,D> query)
          Runs the partition algorithm and creates the result.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation.cash
 

Methods in de.lmu.ifi.dbs.elki.algorithm.clustering.correlation.cash with parameters of type DBIDs
 ModifiableDBIDs CASHIntervalSplit.determineIDs(DBIDs superSetIDs, HyperBoundingBox interval, double d_min, double d_max)
          Determines the ids belonging to the given interval, i.e. the parameterization functions falling within the interval.
 void CASHInterval.removeIDs(DBIDs ids)
          Removes the specified ids from this interval.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace
 

Methods in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace with parameters of type DBIDs
private  double PROCLUS.avgDistance(V centroid, DBIDs objectIDs, Relation<V> database, int dimension)
          Computes the average distance of the objects to the centroid along the specified dimension.
private  ModifiableDBIDs PROCLUS.computeM_current(DBIDs m, DBIDs m_best, DBIDs m_bad, Random random)
          Computes the set of medoids in current iteration.
private  Map<DBID,Set<Integer>> PROCLUS.findDimensions(DBIDs medoids, Relation<V> database, DistanceQuery<V,DoubleDistance> distFunc, RangeQuery<V,DoubleDistance> rangeQuery)
          Determines the set of correlated dimensions for each medoid in the specified medoid set.
private  Map<DBID,List<DistanceResultPair<DoubleDistance>>> PROCLUS.getLocalities(DBIDs medoids, Relation<V> database, DistanceQuery<V,DoubleDistance> distFunc, RangeQuery<V,DoubleDistance> rangeQuery)
          Computes the localities of the specified medoids: for each medoid m the objects in the sphere centered at m with radius minDist are determined, where minDist is the minimum distance between medoid m and any other medoid m_i.
private  ModifiableDBIDs PROCLUS.greedy(DistanceQuery<V,DoubleDistance> distFunc, DBIDs sampleSet, int m, Random random)
          Returns a piercing set of k medoids from the specified sample set.
private  ModifiableDBIDs PROCLUS.initialSet(DBIDs sampleSet, int k, Random random)
          Returns a set of k elements from the specified sample set.
private  List<Cluster<Model>> SUBCLU.runDBSCAN(Relation<V> relation, DBIDs ids, Subspace<V> subspace)
          Runs the DBSCAN algorithm on the specified partition of the database in the given subspace.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.clique
 

Methods in de.lmu.ifi.dbs.elki.algorithm.clustering.subspace.clique that return DBIDs
 DBIDs CLIQUEUnit.getIds()
          Returns the ids of the feature vectors this unit contains.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.outlier
 

Fields in de.lmu.ifi.dbs.elki.algorithm.outlier declared as DBIDs
(package private)  DBIDs SOD.SODProxyScoreResult.dbids
          The IDs we are defined for
 

Fields in de.lmu.ifi.dbs.elki.algorithm.outlier with type parameters of type DBIDs
(package private)  ArrayList<ArrayList<DBIDs>> AggarwalYuEvolutionary.EvolutionarySearch.ranges
          Database ranges
 

Methods in de.lmu.ifi.dbs.elki.algorithm.outlier that return DBIDs
protected  DBIDs AbstractAggarwalYuOutlier.computeSubspace(Vector<IntIntPair> subspace, ArrayList<ArrayList<DBIDs>> ranges)
          Method to get the ids in the given subspace
protected  DBIDs AbstractAggarwalYuOutlier.computeSubspaceForGene(int[] gene, ArrayList<ArrayList<DBIDs>> ranges)
          Get the DBIDs in the current subspace.
 DBIDs SOD.SODProxyScoreResult.getDBIDs()
           
 

Methods in de.lmu.ifi.dbs.elki.algorithm.outlier that return types with arguments of type DBIDs
protected  ArrayList<ArrayList<DBIDs>> AbstractAggarwalYuOutlier.buildRanges(Relation<V> database)
          Grid discretization of the data:
Each attribute of data is divided into phi equi-depth ranges.
 

Methods in de.lmu.ifi.dbs.elki.algorithm.outlier with parameters of type DBIDs
protected  Pair<WritableDataStore<Double>,DoubleMinMax> LOF.computeLOFs(DBIDs ids, DataStore<Double> lrds, KNNQuery<O,D> knnRefer)
          Computes the Local outlier factor (LOF) of the specified objects.
protected  WritableDataStore<Double> LOF.computeLRDs(DBIDs ids, KNNQuery<O,D> knnReach)
          Computes the local reachability density (LRD) of the specified objects.
private  double ABOD.getAbofFilter(KernelMatrix kernelMatrix, DBID aKey, HashMap<DBID,Double> dists, double fulCounter, double counter, DBIDs neighbors)
           
private  void OnlineLOF.LOFKNNListener.kNNsInserted(DBIDs insertions, DBIDs updates1, DBIDs updates2, LOF.LOFResult<O,D> lofResult)
          Invoked after kNNs have been inserted and updated, updates the result.
private  void OnlineLOF.LOFKNNListener.kNNsRemoved(DBIDs deletions, DBIDs updates1, DBIDs updates2, LOF.LOFResult<O,D> lofResult)
          Invoked after kNNs have been removed and updated, updates the result.
private  double GaussianUniformMixture.loglikelihoodAnomalous(DBIDs anomalousObjs)
          Loglikelihood anomalous objects.
private  double GaussianUniformMixture.loglikelihoodNormal(DBIDs objids, Relation<V> database)
          Computes the loglikelihood of all normal objects.
private  ArrayModifiableDBIDs OnlineLOF.LOFKNNListener.mergeIDs(List<List<DistanceResultPair<D>>> queryResults, DBIDs... ids)
          Merges the ids of the query result with the specified ids.
private  void OnlineLOF.LOFKNNListener.recomputeLOFs(DBIDs ids, LOF.LOFResult<O,D> lofResult)
          Recomputes the lofs of the specified ids.
 

Method parameters in de.lmu.ifi.dbs.elki.algorithm.outlier with type arguments of type DBIDs
protected  DBIDs AbstractAggarwalYuOutlier.computeSubspace(Vector<IntIntPair> subspace, ArrayList<ArrayList<DBIDs>> ranges)
          Method to get the ids in the given subspace
protected  DBIDs AbstractAggarwalYuOutlier.computeSubspaceForGene(int[] gene, ArrayList<ArrayList<DBIDs>> ranges)
          Get the DBIDs in the current subspace.
 

Constructors in de.lmu.ifi.dbs.elki.algorithm.outlier with parameters of type DBIDs
SOD.SODModel(Relation<O> database, DBIDs neighborhood, double alpha, O queryObject)
          Initialize SOD Model
SOD.SODProxyScoreResult(Relation<SOD.SODModel<?>> models, DBIDs dbids)
          Constructor.
 

Constructor parameters in de.lmu.ifi.dbs.elki.algorithm.outlier with type arguments of type DBIDs
AggarwalYuEvolutionary.EvolutionarySearch(Relation<V> database, ArrayList<ArrayList<DBIDs>> ranges, int m, Long seed)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood
 

Fields in de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood with type parameters of type DBIDs
protected  DataStore<DBIDs> AbstractPrecomputedNeighborhood.store
          The data
 

Methods in de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood that return DBIDs
 DBIDs AbstractPrecomputedNeighborhood.getNeighborDBIDs(DBID reference)
           
 DBIDs NeighborSetPredicate.getNeighborDBIDs(DBID reference)
          Get the neighbors of a reference object for DBSCAN.
 

Methods in de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood that return types with arguments of type DBIDs
private  DataStore<DBIDs> ExtendedNeighborhood.Factory.extendNeighborhood(Relation<? extends O> database)
          Method to load the external neighbors.
private  DataStore<DBIDs> ExternalNeighborhood.Factory.loadNeighbors(Relation<?> database)
          Method to load the external neighbors.
 

Constructor parameters in de.lmu.ifi.dbs.elki.algorithm.outlier.spatial.neighborhood with type arguments of type DBIDs
AbstractPrecomputedNeighborhood(DataStore<DBIDs> store)
          Constructor.
ExtendedNeighborhood(DataStore<DBIDs> store)
          Constructor.
ExternalNeighborhood(DataStore<DBIDs> store)
          Constructor.
PrecomputedKNearestNeighborNeighborhood(DataStore<DBIDs> store)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.data
 

Fields in de.lmu.ifi.dbs.elki.data declared as DBIDs
private  DBIDs Cluster.ids
          Cluster data.
 

Methods in de.lmu.ifi.dbs.elki.data that return DBIDs
 DBIDs Cluster.getIDs()
          Access group object
 

Methods in de.lmu.ifi.dbs.elki.data with parameters of type DBIDs
 void Cluster.setIDs(DBIDs g)
          Access group object
 

Constructors in de.lmu.ifi.dbs.elki.data with parameters of type DBIDs
Cluster(DBIDs ids)
          Constructor without hierarchy information and name and model
Cluster(DBIDs ids, boolean noise)
          Constructor without hierarchy information and name and model
Cluster(DBIDs ids, boolean noise, M model)
          Constructor without hierarchy information and name
Cluster(DBIDs ids, M model)
          Constructor without hierarchy information and name
Cluster(String name, DBIDs ids)
          Constructor without hierarchy information and model
Cluster(String name, DBIDs ids, boolean noise)
          Constructor without hierarchy information and model
Cluster(String name, DBIDs ids, boolean noise, M model)
          Constructor without hierarchy information.
Cluster(String name, DBIDs ids, boolean noise, M model, Hierarchy<Cluster<M>> hierarchy)
          Full constructor
Cluster(String name, DBIDs ids, boolean noise, M model, List<Cluster<M>> children, List<Cluster<M>> parents)
          Constructor with hierarchy information.
Cluster(String name, DBIDs ids, M model)
          Constructor without hierarchy information.
Cluster(String name, DBIDs ids, M model, Hierarchy<Cluster<M>> hierarchy)
          Constructor with hierarchy but noise flag defaulting to false.
Cluster(String name, DBIDs ids, M model, List<Cluster<M>> children, List<Cluster<M>> parents)
          Constructor with hierarchy information, but no noise flag.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.data.model
 

Methods in de.lmu.ifi.dbs.elki.data.model that return DBIDs
 DBIDs Bicluster.getDatabaseObjectGroup()
          Creates a DBIDs for the row IDs included in this Bicluster.
 DBIDs BiclusterWithInverted.getInvertedRows()
          Provides a copy of the inverted column IDs.
 

Methods in de.lmu.ifi.dbs.elki.data.model with parameters of type DBIDs
 void BiclusterWithInverted.setInvertedRows(DBIDs invertedRows)
          Sets the ids of the inverted rows.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database
 

Fields in de.lmu.ifi.dbs.elki.database declared as DBIDs
protected  DBIDs ProxyDatabase.ids
          Our DBIDs
 

Methods in de.lmu.ifi.dbs.elki.database that return DBIDs
 DBIDs UpdatableDatabase.insert(ObjectBundle objpackages)
          Inserts the given object(s) and their associations into the database.
 DBIDs HashmapDatabase.insert(ObjectBundle objpackages)
           
 

Methods in de.lmu.ifi.dbs.elki.database with parameters of type DBIDs
 ObjectBundle UpdatableDatabase.delete(DBIDs ids)
          Removes and returns the specified objects with the given ids from the database.
 MultipleObjectsBundle HashmapDatabase.delete(DBIDs ids)
          Removes the objects from the database (by calling HashmapDatabase.doDelete(DBID) for each object) and indexes and fires a deletion event.
private  void DatabaseEventManager.fireObjectsChanged(DBIDs objects, DataStoreEvent.Type type)
          Handles a DataStoreEvent with the specified type.
 void DatabaseEventManager.fireObjectsInserted(DBIDs insertions)
          Convenience method, calls fireObjectsChanged(insertions, DataStoreEvent.Type.INSERT).
protected  void DatabaseEventManager.fireObjectsRemoved(DBIDs deletions)
          Convenience method, calls fireObjectsChanged(deletions, DataStoreEvent.Type.DELETE).
 void DatabaseEventManager.fireObjectsUpdated(DBIDs updates)
          Convenience method, calls fireObjectsChanged(updates, DataStoreEvent.Type.UPDATE).
 

Constructors in de.lmu.ifi.dbs.elki.database with parameters of type DBIDs
ProxyDatabase(DBIDs ids)
          Constructor.
ProxyDatabase(DBIDs ids, Database database)
          Constructor, proxying all relations of an existing database.
ProxyDatabase(DBIDs ids, Iterable<Relation<?>> relations)
          Constructor.
ProxyDatabase(DBIDs ids, Relation<?>... relations)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.datastore
 

Fields in de.lmu.ifi.dbs.elki.database.datastore with type parameters of type DBIDs
private  Map<DataStoreEvent.Type,DBIDs> DataStoreEvent.objects
          The objects that were changed in the DataStore mapped by the type of change.
 

Methods in de.lmu.ifi.dbs.elki.database.datastore that return types with arguments of type DBIDs
 Map<DataStoreEvent.Type,DBIDs> DataStoreEvent.getObjects()
          Returns the objects that have been changed and the type of change.
 

Methods in de.lmu.ifi.dbs.elki.database.datastore with parameters of type DBIDs
static WritableRecordStore DataStoreUtil.makeRecordStorage(DBIDs ids, int hints, Class<?>... dataclasses)
          Make a new record storage, to associate the given ids with an object of class dataclass.
 WritableRecordStore DataStoreFactory.makeRecordStorage(DBIDs ids, int hints, Class<?>... dataclasses)
          Make a new record storage, to associate the given ids with an object of class dataclass.
static
<T> WritableDataStore<T>
DataStoreUtil.makeStorage(DBIDs ids, int hints, Class<? super T> dataclass)
          Make a new storage, to associate the given ids with an object of class dataclass.
<T> WritableDataStore<T>
DataStoreFactory.makeStorage(DBIDs ids, int hints, Class<? super T> dataclass)
          Make a new storage, to associate the given ids with an object of class dataclass.
 

Constructor parameters in de.lmu.ifi.dbs.elki.database.datastore with type arguments of type DBIDs
DataStoreEvent(Object source, Map<DataStoreEvent.Type,DBIDs> objects)
          Used to create an event when objects have been updated in, inserted into, and / or removed from the specified DataStore.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.datastore.memory
 

Methods in de.lmu.ifi.dbs.elki.database.datastore.memory with parameters of type DBIDs
 WritableRecordStore MemoryDataStoreFactory.makeRecordStorage(DBIDs ids, int hints, Class<?>... dataclasses)
           
<T> WritableDataStore<T>
MemoryDataStoreFactory.makeStorage(DBIDs ids, int hints, Class<? super T> dataclass)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.ids
 

Subinterfaces of DBIDs in de.lmu.ifi.dbs.elki.database.ids
 interface ArrayDBIDs
          Interface for array based DBIDs.
 interface ArrayModifiableDBIDs
          Array-oriented implementation of a modifiable DBID collection.
 interface ArrayStaticDBIDs
          Unmodifiable, indexed DBIDs.
 interface DBID
          Database ID object.
 interface DBIDRange
          Static DBID range.
 interface HashSetDBIDs
          Hash-organized DBIDs
 interface HashSetModifiableDBIDs
          Set-oriented implementation of a modifiable DBID collection.
 interface ModifiableDBIDs
          Interface for a generic modifiable DBID collection.
 interface SetDBIDs
          Interface for DBIDs that support fast "set" operations, in particular "contains" lookups.
 interface StaticDBIDs
          Unmodifiable DBIDs.
 interface TreeSetDBIDs
          Marker for sorted, tree-organized DBIDs
 interface TreeSetModifiableDBIDs
          Set-oriented implementation of a modifiable DBID collection.
 

Classes in de.lmu.ifi.dbs.elki.database.ids that implement DBIDs
(package private)  class EmptyDBIDs
          Empty DBID collection.
 

Methods in de.lmu.ifi.dbs.elki.database.ids with parameters of type DBIDs
 boolean ModifiableDBIDs.addDBIDs(DBIDs ids)
          Add DBIDs to collection.
static ModifiableDBIDs DBIDUtil.difference(DBIDs ids1, DBIDs ids2)
          Returns the difference of the two specified collection of IDs.
static ArrayDBIDs DBIDUtil.ensureArray(DBIDs ids)
          Ensure that the given DBIDs are array-indexable.
static ModifiableDBIDs DBIDUtil.ensureModifiable(DBIDs ids)
          Ensure modifiable
static SetDBIDs DBIDUtil.ensureSet(DBIDs ids)
          Ensure that the given DBIDs support fast "contains" operations.
static ModifiableDBIDs DBIDUtil.intersection(DBIDs first, DBIDs second)
          Compute the set intersection of two sets.
static StaticDBIDs DBIDUtil.makeUnmodifiable(DBIDs existing)
          Wrap an existing DBIDs collection to be unmodifiable.
static ArrayModifiableDBIDs DBIDUtil.newArray(DBIDs existing)
          Make a new (modifiable) array of DBIDs.
 ArrayModifiableDBIDs DBIDFactory.newArray(DBIDs existing)
          Make a new (modifiable) array of DBIDs.
static HashSetModifiableDBIDs DBIDUtil.newHashSet(DBIDs existing)
          Make a new (modifiable) hash set of DBIDs.
 HashSetModifiableDBIDs DBIDFactory.newHashSet(DBIDs existing)
          Make a new (modifiable) hash set of DBIDs.
static TreeSetModifiableDBIDs DBIDUtil.newTreeSet(DBIDs existing)
          Make a new (modifiable) tree set of DBIDs.
 TreeSetModifiableDBIDs DBIDFactory.newTreeSet(DBIDs existing)
          Make a new (modifiable) tree set of DBIDs.
static ModifiableDBIDs DBIDUtil.randomSample(DBIDs source, int k, long seed)
          Produce a random sample of the given DBIDs
 boolean ModifiableDBIDs.removeDBIDs(DBIDs ids)
          Remove DBIDs from collection.
 boolean HashSetModifiableDBIDs.retainAll(DBIDs set)
          Retain all elements that also are in the second set.
static ModifiableDBIDs DBIDUtil.union(DBIDs ids1, DBIDs ids2)
          Returns the union of the two specified collection of IDs.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.ids.generic
 

Classes in de.lmu.ifi.dbs.elki.database.ids.generic that implement DBIDs
 class GenericArrayModifiableDBIDs
          Array-oriented implementation of a modifiable DBID collection.
 class GenericHashSetModifiableDBIDs
          Set-oriented implementation of a modifiable DBID collection.
 class GenericTreeSetModifiableDBIDs
          Set-oriented implementation of a modifiable DBID collection.
 class MaskedDBIDs
          View on an ArrayDBIDs masked using a BitMask for efficient mask changing.
 class MergedDBIDs
          Merge the IDs of multiple layers into one.
 class UnmodifiableDBIDs
          Unmodifiable wrapper for DBIDs.
 

Fields in de.lmu.ifi.dbs.elki.database.ids.generic declared as DBIDs
(package private)  DBIDs[] MergedDBIDs.childs
          Childs to merge
private  DBIDs UnmodifiableDBIDs.inner
          The DBIDs we wrap.
 

Methods in de.lmu.ifi.dbs.elki.database.ids.generic with parameters of type DBIDs
 boolean GenericTreeSetModifiableDBIDs.addDBIDs(DBIDs ids)
           
 boolean GenericArrayModifiableDBIDs.addDBIDs(DBIDs ids)
           
 boolean GenericHashSetModifiableDBIDs.addDBIDs(DBIDs ids)
           
 boolean GenericTreeSetModifiableDBIDs.removeDBIDs(DBIDs ids)
           
 boolean GenericArrayModifiableDBIDs.removeDBIDs(DBIDs ids)
           
 boolean GenericHashSetModifiableDBIDs.removeDBIDs(DBIDs ids)
           
 boolean GenericHashSetModifiableDBIDs.retainAll(DBIDs ids)
           
 

Constructors in de.lmu.ifi.dbs.elki.database.ids.generic with parameters of type DBIDs
GenericArrayModifiableDBIDs(DBIDs c)
          Constructor from existing DBIDs.
GenericHashSetModifiableDBIDs(DBIDs c)
          Constructor from existing DBIDs.
GenericTreeSetModifiableDBIDs(DBIDs c)
          Constructor from existing DBIDs.
MergedDBIDs(DBIDs... childs)
          Constructor.
UnmodifiableDBIDs(DBIDs inner)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.ids.integer
 

Classes in de.lmu.ifi.dbs.elki.database.ids.integer that implement DBIDs
 class IntegerArrayStaticDBIDs
          Static (no modifications allowed) set of Database Object IDs.
(package private)  class IntegerDBID
          Database ID object.
(package private)  class IntegerDBIDRange
          Representing a DBID range allocation
 

Methods in de.lmu.ifi.dbs.elki.database.ids.integer with parameters of type DBIDs
 ArrayModifiableDBIDs SimpleDBIDFactory.newArray(DBIDs existing)
           
 ArrayModifiableDBIDs TrivialDBIDFactory.newArray(DBIDs existing)
           
 HashSetModifiableDBIDs SimpleDBIDFactory.newHashSet(DBIDs existing)
           
 HashSetModifiableDBIDs TrivialDBIDFactory.newHashSet(DBIDs existing)
           
 TreeSetModifiableDBIDs SimpleDBIDFactory.newTreeSet(DBIDs existing)
           
 TreeSetModifiableDBIDs TrivialDBIDFactory.newTreeSet(DBIDs existing)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.database.relation
 

Fields in de.lmu.ifi.dbs.elki.database.relation declared as DBIDs
private  DBIDs DBIDView.ids
          The ids object
private  DBIDs ProxyView.idview
          The DBIDs we contain
 

Methods in de.lmu.ifi.dbs.elki.database.relation that return DBIDs
 DBIDs ConvertToStringView.getDBIDs()
           
 DBIDs ProxyView.getDBIDs()
           
 DBIDs DBIDView.getDBIDs()
           
 DBIDs Relation.getDBIDs()
          Get the IDs the query is defined for.
 

Methods in de.lmu.ifi.dbs.elki.database.relation with parameters of type DBIDs
static
<O> ProxyView<O>
ProxyView.wrap(Database database, DBIDs idview, Relation<O> inner)
          Constructor-like static method.
 

Constructors in de.lmu.ifi.dbs.elki.database.relation with parameters of type DBIDs
DBIDView(Database database, DBIDs ids)
          Constructor.
MaterializedRelation(Database database, SimpleTypeInformation<O> type, DBIDs ids)
          Constructor.
MaterializedRelation(Database database, SimpleTypeInformation<O> type, DBIDs ids, String name)
          Constructor.
MaterializedRelation(Database database, SimpleTypeInformation<O> type, DBIDs ids, String name, DataStore<O> content)
          Constructor.
MaterializedRelation(String name, String shortname, SimpleTypeInformation<O> type, DataStore<O> content, DBIDs ids)
          Constructor.
ProxyView(Database database, DBIDs idview, Relation<O> inner)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.distance.distancefunction.external
 

Methods in de.lmu.ifi.dbs.elki.distance.distancefunction.external that return DBIDs
 DBIDs FileBasedDoubleDistanceFunction.getIDs()
          Return a collection of all IDs in the cache.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.evaluation.outlier
 

Methods in de.lmu.ifi.dbs.elki.evaluation.outlier with parameters of type DBIDs
protected  JudgeOutlierScores.ScoreResult JudgeOutlierScores.computeScore(DBIDs ids, DBIDs outlierIds, OutlierResult or)
          Evaluate a single outlier score result.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.evaluation.roc
 

Methods in de.lmu.ifi.dbs.elki.evaluation.roc with parameters of type DBIDs
static
<D extends Distance<D>>
double
ROC.computeROCAUCDistanceResult(int size, DBIDs ids, List<DistanceResultPair<D>> nei)
          Compute a ROC curves Area-under-curve for a QueryResult and a Cluster.
static double ROC.computeROCAUCSimple(int size, DBIDs ids, DBIDs nei)
          Compute a ROC curves Area-under-curve for a QueryResult and a Cluster.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index
 

Methods in de.lmu.ifi.dbs.elki.index with parameters of type DBIDs
 void AbstractIndex.deleteAll(DBIDs id)
           
 void Index.deleteAll(DBIDs ids)
          Deletes the specified objects from this index.
 void AbstractIndex.insertAll(DBIDs ids)
           
 void Index.insertAll(DBIDs ids)
          Inserts the specified objects into this index.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.preprocessed.knn
 

Fields in de.lmu.ifi.dbs.elki.index.preprocessed.knn declared as DBIDs
private  DBIDs KNNChangeEvent.objects
          The ids of the kNNs that were inserted or deleted due to the insertion or removals of objects.
private  DBIDs KNNChangeEvent.updates
          The ids of the kNNs that were updated due to the insertion or removals of objects.
 

Methods in de.lmu.ifi.dbs.elki.index.preprocessed.knn that return DBIDs
 DBIDs KNNChangeEvent.getObjects()
          Returns the ids of the removed or inserted kNNs (according to the type of this event).
 DBIDs KNNChangeEvent.getUpdates()
          Returns the ids of kNNs which have been changed due to the removals or insertions.
 

Methods in de.lmu.ifi.dbs.elki.index.preprocessed.knn with parameters of type DBIDs
 void MaterializeKNNPreprocessor.deleteAll(DBIDs ids)
           
protected  void MaterializeKNNPreprocessor.fireKNNsInserted(DBIDs insertions, DBIDs updates)
          Informs all registered KNNListener that new kNNs have been inserted and as a result some kNNs have been changed.
protected  void MaterializeKNNPreprocessor.fireKNNsRemoved(DBIDs removals, DBIDs updates)
          Informs all registered KNNListener that existing kNNs have been removed and as a result some kNNs have been changed.
 void MaterializeKNNPreprocessor.insertAll(DBIDs ids)
           
protected  void MaterializeKNNPreprocessor.objectsInserted(DBIDs ids)
          Called after new objects have been inserted, updates the materialized neighborhood.
protected  void MaterializeKNNAndRKNNPreprocessor.objectsInserted(DBIDs ids)
           
protected  void MaterializeKNNPreprocessor.objectsRemoved(DBIDs ids)
          Called after objects have been removed, updates the materialized neighborhood.
protected  void MaterializeKNNAndRKNNPreprocessor.objectsRemoved(DBIDs ids)
           
private  ArrayDBIDs MaterializeKNNPreprocessor.updateKNNsAfterDeletion(DBIDs ids)
          Updates the kNNs of the RkNNs of the specified ids.
private  ArrayDBIDs MaterializeKNNPreprocessor.updateKNNsAfterInsertion(DBIDs ids)
          Updates the kNNs of the RkNNs of the specified ids.
private  ArrayDBIDs MaterializeKNNAndRKNNPreprocessor.updateKNNsAndRkNNs(DBIDs ids)
          Updates the kNNs and RkNNs after insertion of the specified ids.
 

Constructors in de.lmu.ifi.dbs.elki.index.preprocessed.knn with parameters of type DBIDs
KNNChangeEvent(Object source, KNNChangeEvent.Type type, DBIDs objects, DBIDs updates)
          Used to create an event when kNNs of some objects have been changed.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.preprocessed.preference
 

Methods in de.lmu.ifi.dbs.elki.index.preprocessed.preference with parameters of type DBIDs
private  BitSet HiSCPreferenceVectorIndex.determinePreferenceVector(Relation<V> relation, DBID id, DBIDs neighborIDs, StringBuffer msg)
          Determines the preference vector according to the specified neighbor ids.
private  int DiSHPreferenceVectorIndex.maxIntersection(Map<Integer,ModifiableDBIDs> candidates, DBIDs set, ModifiableDBIDs result)
          Returns the index of the set having the maximum intersection set with the specified set contained in the specified map.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants with parameters of type DBIDs
protected  void AbstractMTree.batchNN(N node, DBIDs ids, Map<DBID,KNNHeap<D>> knnLists)
          Deprecated. Change to use by-object NN lookups instead.
protected  List<DistanceEntry<D,E>> AbstractMTree.getSortedEntries(N node, DBIDs ids)
          Sorts the entries of the specified node according to their minimum distance to the specified objects.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkapp
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkapp with parameters of type DBIDs
 void MkAppTreeIndex.deleteAll(DBIDs ids)
          Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.
private  List<D> MkAppTree.getMeanKNNList(DBIDs ids, Map<DBID,KNNList<D>> knnLists)
           
 void MkAppTreeIndex.insertAll(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkcop
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkcop with parameters of type DBIDs
 void MkCoPTreeIndex.deleteAll(DBIDs ids)
          Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.
 void MkCoPTreeIndex.insertAll(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkmax
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mkmax with parameters of type DBIDs
 void MkMaxTreeIndex.deleteAll(DBIDs ids)
          Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.
 void MkMaxTreeIndex.insertAll(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mktab
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mktrees.mktab with parameters of type DBIDs
 void MkTabTreeIndex.deleteAll(DBIDs ids)
          Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.
 void MkTabTreeIndex.insertAll(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mtree
 

Methods in de.lmu.ifi.dbs.elki.index.tree.metrical.mtreevariants.mtree with parameters of type DBIDs
 void MTreeIndex.deleteAll(DBIDs ids)
          Throws an UnsupportedOperationException since deletion of objects is not yet supported by an M-Tree.
 void MTreeIndex.insertAll(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu
 

Methods in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.deliclu with parameters of type DBIDs
 void DeLiCluTreeIndex.deleteAll(DBIDs ids)
           
 void DeLiCluTreeIndex.insertAll(DBIDs ids)
          Inserts the specified objects into this index.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.query
 

Methods in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.query with parameters of type DBIDs
protected  List<DoubleDistanceRStarTreeKNNQuery.DoubleDistanceEntry> DoubleDistanceRStarTreeKNNQuery.getSortedEntries(AbstractRStarTreeNode<?,?> node, DBIDs ids)
          Sorts the entries of the specified node according to their minimum distance to the specified objects.
protected  List<DistanceEntry<D,SpatialEntry>> GenericRStarTreeKNNQuery.getSortedEntries(AbstractRStarTreeNode<?,?> node, DBIDs ids)
          Sorts the entries of the specified node according to their minimum distance to the specified objects.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar
 

Methods in de.lmu.ifi.dbs.elki.index.tree.spatial.rstarvariants.rstar with parameters of type DBIDs
 void RStarTreeIndex.deleteAll(DBIDs ids)
           
 void RStarTreeIndex.insertAll(DBIDs ids)
          Inserts the specified objects into this index.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.math.linearalgebra.pca
 

Methods in de.lmu.ifi.dbs.elki.math.linearalgebra.pca with parameters of type DBIDs
 Matrix WeightedCovarianceMatrixBuilder.processIds(DBIDs ids, Relation<? extends V> database)
          Weighted Covariance Matrix for a set of IDs.
 PCAResult PCARunner.processIds(DBIDs ids, Relation<? extends V> database)
          Run PCA on a collection of database IDs
abstract  Matrix AbstractCovarianceMatrixBuilder.processIds(DBIDs ids, Relation<? extends V> database)
           
 Matrix CovarianceMatrixBuilder.processIds(DBIDs ids, Relation<? extends V> database)
          Compute Covariance Matrix for a collection of database IDs
 Matrix StandardCovarianceMatrixBuilder.processIds(DBIDs ids, Relation<? extends V> database)
          Compute Covariance Matrix for a collection of database IDs
 PCAFilteredResult PCAFilteredRunner.processIds(DBIDs ids, Relation<? extends V> database)
          Run PCA on a collection of database IDs
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.math.spacefillingcurves
 

Constructors in de.lmu.ifi.dbs.elki.math.spacefillingcurves with parameters of type DBIDs
ZCurve.Transformer(Relation<? extends NumberVector<?,?>> relation, DBIDs ids)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.result
 

Fields in de.lmu.ifi.dbs.elki.result declared as DBIDs
protected  DBIDs OrderingFromDataStore.ids
          Database IDs
private  DBIDs DBIDSelection.selectedIds
          Selected IDs
 

Methods in de.lmu.ifi.dbs.elki.result that return DBIDs
 DBIDs OrderingFromDataStore.getDBIDs()
           
 DBIDs OrderingResult.getDBIDs()
          Get the full set of DBIDs this ordering is defined for.
 DBIDs DBIDSelection.getSelectedIds()
          Getter for the selected IDs
 

Methods in de.lmu.ifi.dbs.elki.result with parameters of type DBIDs
 IterableIterator<DBID> OrderingFromDataStore.iter(DBIDs ids)
           
 IterableIterator<DBID> OrderingResult.iter(DBIDs ids)
          Sort the given ids according to this ordering and return an iterator.
 

Constructors in de.lmu.ifi.dbs.elki.result with parameters of type DBIDs
DBIDSelection(DBIDs selectedIds)
          Constructor with new object IDs.
OrderingFromDataStore(String name, String shortname, DBIDs ids, DataStore<? extends T> map)
          Minimal Constructor
OrderingFromDataStore(String name, String shortname, DBIDs ids, DataStore<? extends T> map, boolean descending)
          Constructor without comparator
OrderingFromDataStore(String name, String shortname, DBIDs ids, DataStore<? extends T> map, Comparator<T> comparator, boolean descending)
          Constructor with comparator
RangeSelection(DBIDs selectedIds)
          Constructor.
RangeSelection(DBIDs selection, DoubleDoublePair[] ranges)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.result.optics
 

Fields in de.lmu.ifi.dbs.elki.result.optics declared as DBIDs
private  DBIDs ClusterOrderResult.ReachabilityDistanceAdapter.dbids
          DBIDs
private  DBIDs ClusterOrderResult.PredecessorAdapter.dbids
          Database IDs
 

Methods in de.lmu.ifi.dbs.elki.result.optics that return DBIDs
 DBIDs ClusterOrderResult.ClusterOrderAdapter.getDBIDs()
           
 DBIDs ClusterOrderResult.ReachabilityDistanceAdapter.getDBIDs()
           
 DBIDs ClusterOrderResult.PredecessorAdapter.getDBIDs()
           
 

Methods in de.lmu.ifi.dbs.elki.result.optics with parameters of type DBIDs
 IterableIterator<DBID> ClusterOrderResult.ClusterOrderAdapter.iter(DBIDs ids)
          Use the cluster order to sort the given collection ids.
 

Constructors in de.lmu.ifi.dbs.elki.result.optics with parameters of type DBIDs
ClusterOrderResult.PredecessorAdapter(HashMap<DBID,ClusterOrderEntry<D>> map, DBIDs dbids)
          Constructor.
ClusterOrderResult.ReachabilityDistanceAdapter(HashMap<DBID,ClusterOrderEntry<D>> map, DBIDs dbids)
          Constructor.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.result.outlier
 

Methods in de.lmu.ifi.dbs.elki.result.outlier that return DBIDs
 DBIDs OrderingFromRelation.getDBIDs()
           
 

Methods in de.lmu.ifi.dbs.elki.result.outlier with parameters of type DBIDs
 IterableIterator<DBID> OrderingFromRelation.iter(DBIDs ids)
           
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.utilities
 

Methods in de.lmu.ifi.dbs.elki.utilities with parameters of type DBIDs
static
<V extends NumberVector<? extends V,?>>
V
DatabaseUtil.centroid(Relation<? extends V> relation, DBIDs ids)
          Returns the centroid as a NumberVector object of the specified objects stored in the given database.
static
<V extends NumberVector<? extends V,?>>
V
DatabaseUtil.centroid(Relation<? extends V> relation, DBIDs ids, BitSet dimensions)
          Returns the centroid w.r.t. the dimensions specified by the given BitSet as a NumberVector object of the specified objects stored in the given database.
static
<V extends NumberVector<? extends V,?>>
Matrix
DatabaseUtil.covarianceMatrix(Relation<? extends V> database, DBIDs ids)
          Determines the covariance matrix of the objects stored in the given database.
static
<V extends NumberVector<?,?>>
double
DatabaseUtil.exactMedian(Relation<V> relation, DBIDs ids, int dimension)
          Returns the median of a data set in the given dimension.
static double[] DatabaseUtil.variances(Relation<? extends NumberVector<?,?>> database, NumberVector<?,?> centroid, DBIDs ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
static
<V extends NumberVector<? extends V,?>>
double[]
DatabaseUtil.variances(Relation<V> database, DBIDs ids)
          Determines the variances in each dimension of the specified objects stored in the given database.
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.utilities.datastructures.heap
 

Classes in de.lmu.ifi.dbs.elki.utilities.datastructures.heap that implement DBIDs
protected static class KNNList.DBIDView
          A view on the DBIDs of the result
 

Uses of DBIDs in de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d
 

Methods in de.lmu.ifi.dbs.elki.visualization.visualizers.vis2d with parameters of type DBIDs
private  void MoveObjectsToolVisualization.updateDB(DBIDs dbids, Vector movingVector)
          Updates the objects with the given DBIDs It will be moved depending on the given Vector
 


Release 0.4.0 (2011-09-20_1324)