Uses of Class
elki.logging.Logging
-
Packages that use Logging Package Description elki.algorithm Miscellaneous algorithms.elki.algorithm.statistics Statistical analysis algorithms.elki.application Base classes for standalone applications.elki.application.benchmark Benchmarking pseudo algorithms.elki.application.cache Utility applications for the persistence layer such as distance cache builders.elki.application.experiments Packaged experiments to make them easy to reproduce.elki.application.greedyensemble Greedy ensembles for outlier detection.elki.application.internal Internal utilities for development.elki.application.statistics Applications to compute some basic data set statistics.elki.clustering Clustering algorithms.elki.clustering.affinitypropagation Affinity Propagation (AP) clustering.elki.clustering.biclustering Biclustering algorithms.elki.clustering.correlation Correlation clustering algorithms.elki.clustering.correlation.cash Helper classes for theCASH
algorithm.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.em Expectation-Maximization clustering algorithm for Gaussian Mixture Modeling (GMM).elki.clustering.em.models elki.clustering.hierarchical Hierarchical agglomerative clustering (HAC).elki.clustering.hierarchical.birch BIRCH clustering.elki.clustering.hierarchical.extraction Extraction of partitional clusterings from hierarchical results.elki.clustering.kcenter K-center clustering.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.kmeans.spherical Spherical k-means clustering and variations.elki.clustering.kmedoids K-medoids clustering (PAM).elki.clustering.kmedoids.initialization elki.clustering.meta Meta clustering algorithms, that get their result from other clusterings or external sources.elki.clustering.onedimensional Clustering algorithms for one-dimensional data.elki.clustering.optics OPTICS family of clustering algorithms.elki.clustering.silhouette Silhouette clustering algorithms.elki.clustering.subspace Axis-parallel subspace clustering algorithms.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.projection Data projections.elki.data.synthetic.bymodel Generator using a distribution model specified in an XML configuration file.elki.database ELKI database layer - loading, storing, indexing and accessing data.elki.database.query Database queries - computing distances, neighbors, similarities - API and general documentation.elki.database.query.knn Prepared queries for k nearest neighbor (kNN) queries.elki.datasource Data normalization (and reconstitution) of data sets.elki.datasource.bundle Object bundles - exchange container for multi-represented objects.elki.datasource.filter Data filtering, in particular for normalization and projection.elki.datasource.filter.cleaning Filters for data cleaning.elki.datasource.filter.normalization.columnwise Normalizations operating on columns / variates; where each column is treated independently.elki.datasource.filter.selection Filters for selecting and sorting data to process.elki.datasource.filter.transform Data space transformations.elki.datasource.filter.typeconversions Filters to perform data type conversions.elki.datasource.parser Parsers for different file formats and data types.elki.distance.external Distance functions using external data sources.elki.evaluation Functionality for the evaluation of algorithms.elki.evaluation.clustering Evaluation of clustering results.elki.evaluation.clustering.internal Internal evaluation measures for clusterings.elki.evaluation.clustering.pairsegments Pair-segment analysis of multiple clusterings.elki.evaluation.outlier Evaluate an outlier score using a misclassification based cost model.elki.evaluation.similaritymatrix Render a distance matrix to visualize a clustering-distance-combination.elki.gui Graphical User Interfaces for ELKI.elki.gui.minigui A very simple UI to build ELKI command lines.elki.gui.multistep Multi-step GUI for ELKI.elki.gui.multistep.panels Panels for the multi-step GUI.elki.gui.util Utility classes for GUIs (e.g., a class to display a logging panel).elki.index Index structure implementations.elki.index.distancematrix Precomputed distance matrix.elki.index.idistance iDistance is a distance based indexing technique, using a reference points embedding.elki.index.invertedlist Indexes using inverted lists.elki.index.laesa Linear Approximating and Eliminating Search Algorithm (LAESA).elki.index.lsh Locality Sensitive Hashing.elki.index.preprocessed.fastoptics Preprocessed index used by the FastOPTICS algorithm.elki.index.preprocessed.knn Indexes providing KNN and rKNN data.elki.index.preprocessed.snn Indexes providing nearest neighbor sets.elki.index.projected Projected indexes for data.elki.index.tree Tree-based index structures.elki.index.tree.betula BETULA clustering by aggregating the data into cluster features.elki.index.tree.metrical.covertree Cover-tree variations.elki.index.tree.metrical.mtreevariants.mktrees.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.vptree elki.index.tree.spatial.kd K-d-tree and variants.elki.index.tree.spatial.rstarvariants.deliclu elki.index.tree.spatial.rstarvariants.flat elki.index.tree.spatial.rstarvariants.rdknn elki.index.tree.spatial.rstarvariants.rstar elki.index.tree.spatial.rstarvariants.strategies.bulk Packages for bulk-loading R*-trees.elki.index.tree.spatial.rstarvariants.strategies.split Splitting strategies for R-trees.elki.index.vafile Vector Approximation File.elki.itemsetmining Algorithms for frequent itemset mining such as APRIORI.elki.itemsetmining.associationrules Association rule mining.elki.logging Logging facility for controlling logging behavior of the complete framework.elki.logging.progress Progress status objects (for UI).elki.math.geometry Algorithms from computational geometry.elki.math.linearalgebra The linear algebra package provides classes and computational methods for operations on matrices and vectors.elki.math.statistics.dependence Statistical measures of dependence, such as correlation.elki.math.statistics.distribution.estimator.meta Meta estimators: estimators that do not actually estimate themselves, but instead use other estimators, e.g., on a trimmed data set, or as an ensemble.elki.outlier Outlier detection algorithms.elki.outlier.anglebased Angle-based outlier detection algorithms.elki.outlier.clustering Clustering based outlier detection.elki.outlier.density Density-based outlier detection algorithms.elki.outlier.distance Distance-based outlier detection algorithms, such as DBOutlier and kNN.elki.outlier.intrinsic Outlier detection algorithms based on intrinsic dimensionality.elki.outlier.lof LOF family of outlier detection algorithms.elki.outlier.meta Meta outlier detection algorithms: external scores, score rescaling.elki.outlier.spatial Spatial outlier detection algorithms.elki.outlier.spatial.neighborhood Spatial outlier neighborhood classes.elki.outlier.subspace Subspace outlier detection methods.elki.outlier.svm Support-Vector-Machines for outlier detection.elki.outlier.trivial Trivial outlier detection algorithms: no outliers, all outliers, label outliers.elki.persistent Persistent data management.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.svm elki.svm.model elki.svm.solver elki.utilities Utility and helper classes - commonly used data structures, output formatting, exceptions, ...elki.utilities.datastructures Basic memory structures such as heaps and object hierarchies.elki.utilities.io Utility classes for input/output.elki.utilities.optionhandling.parameterization Configuration managers.elki.utilities.optionhandling.parameters Classes for various typed parameters.elki.utilities.referencepoints Package containing strategies to obtain reference points.elki.utilities.scaling.outlier Scaling of outlier scores, that require a statistical analysis of the occurring values.elki.visualization Visualization package of ELKI.elki.visualization.batikutil Commonly used functionality useful for Apache Batik.elki.visualization.gui Package to provide a visualization GUI.elki.visualization.gui.detail Classes for managing a detail view.elki.visualization.gui.overview Classes for managing the overview plot.elki.visualization.opticsplot Code for drawing OPTICS plots.elki.visualization.parallel3d 3DPC: 3D parallel coordinate plot visualization for ELKI.elki.visualization.savedialog Save dialog for SVG plots.elki.visualization.silhouette Code for drawing silhouette plots.elki.visualization.style Style management for ELKI visualizations.elki.visualization.visualizers.optics Visualizers that do work on OPTICS plots.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.cluster Visualizers for clustering results based on 2D projections.elki.visualization.visualizers.scatterplot.selection Visualizers for object selection based on 2D projections.elki.visualization.visualizers.silhouette Visualizers that do work on Silhouette plots.elki.workflow Work flow packages, e.g., following the usual KDD model.tutorial.clustering Classes from the tutorial on implementing a custom k-means variation. -
-
Uses of Logging in elki.algorithm
Fields in elki.algorithm declared as Logging Modifier and Type Field Description private static Logging
DependencyDerivator. LOG
The logger for this class.private static Logging
KNNDistancesSampler. LOG
The logger for this class.private static Logging
KNNJoin. LOG
The logger for this class. -
Uses of Logging in elki.algorithm.statistics
Fields in elki.algorithm.statistics declared as Logging Modifier and Type Field Description private static Logging
AveragePrecisionAtK. LOG
The logger for this class.private static Logging
DistanceQuantileSampler. LOG
Class logger.private static Logging
DistanceStatisticsWithClasses. LOG
The logger for this class.private static Logging
EvaluateRankingQuality. LOG
The logger for this class.private static Logging
EvaluateRetrievalPerformance. LOG
The logger for this class.private static Logging
HopkinsStatisticClusteringTendency. LOG
The logger for this class.private static Logging
RankingQualityHistogram. LOG
The logger for this class. -
Uses of Logging in elki.application
Fields in elki.application declared as Logging Modifier and Type Field Description private static Logging
AbstractApplication. LOG
We need a static logger in this class, for code used in "main" methods.private static Logging
ClassifierHoldoutEvaluationTask. LOG
Class logger.private static Logging
ConvertToBundleApplication. LOG
Logging class.private static Logging
GeneratorXMLSpec. LOG
The logger for this class. -
Uses of Logging in elki.application.benchmark
Fields in elki.application.benchmark declared as Logging Modifier and Type Field Description private static Logging
KNNBenchmark. LOG
The logger for this class.private static Logging
PrioritySearchBenchmark. LOG
The logger for this class.private static Logging
RangeQueryBenchmark. LOG
The logger for this class.private static Logging
ValidateApproximativeKNNIndex. LOG
The logger for this class. -
Uses of Logging in elki.application.cache
Fields in elki.application.cache declared as Logging Modifier and Type Field Description private static Logging
CacheDoubleDistanceInOnDiskMatrix. LOG
The logger for this class.private static Logging
CacheDoubleDistanceKNNLists. LOG
The logger for this class.private static Logging
CacheDoubleDistanceRangeQueries. LOG
The logger for this class.private static Logging
CacheFloatDistanceInOnDiskMatrix. LOG
The logger for this class.private static Logging
PrecomputeDistancesAsciiApplication. LOG
The logger for this class. -
Uses of Logging in elki.application.experiments
Fields in elki.application.experiments declared as Logging Modifier and Type Field Description private static Logging
ORLibBenchmark. LOG
Class logger.private static Logging
VisualizeGeodesicDistances. LOG
Get a logger for this class. -
Uses of Logging in elki.application.greedyensemble
Fields in elki.application.greedyensemble declared as Logging Modifier and Type Field Description private static Logging
ComputeKNNOutlierScores. LOG
Our logger class.private static Logging
EvaluatePrecomputedOutlierScores. LOG
Get static logger.private static Logging
GreedyEnsembleExperiment. LOG
Get static logger.private static Logging
VisualizePairwiseGainMatrix. LOG
Get static logger. -
Uses of Logging in elki.application.internal
Fields in elki.application.internal declared as Logging Modifier and Type Field Description private static Logging
CheckELKIServices. LOG
The logger for this class.private static Logging
CheckParameterizables. LOG
The logger for this class. -
Uses of Logging in elki.application.statistics
Fields in elki.application.statistics declared as Logging Modifier and Type Field Description private static Logging
EstimateIntrinsicDimensionality. LOG
Class logger.private static Logging
RangeQuerySelectivity. LOG
The logger for this class. -
Uses of Logging in elki.clustering
Fields in elki.clustering declared as Logging Modifier and Type Field Description private static Logging
BetulaLeafPreClustering. LOG
Class logger.private static Logging
CanopyPreClustering. LOG
Class logger.private static Logging
CFSFDP. LOG
Class logger.private static Logging
Leader. LOG
Class logger.private static Logging
NaiveMeanShiftClustering. LOG
Class logger.private static Logging
SNNClustering. LOG
The logger for this class. -
Uses of Logging in elki.clustering.affinitypropagation
Fields in elki.clustering.affinitypropagation declared as Logging Modifier and Type Field Description private static Logging
AffinityPropagation. LOG
Class logger -
Uses of Logging in elki.clustering.biclustering
Fields in elki.clustering.biclustering declared as Logging Modifier and Type Field Description private static Logging
ChengAndChurch. LOG
The logger for this class. -
Uses of Logging in elki.clustering.correlation
Fields in elki.clustering.correlation declared as Logging Modifier and Type Field Description private static Logging
CASH. LOG
The logger for this class.private static Logging
ERiC. LOG
The logger for this class.private static Logging
HiCO. LOG
The logger for this class.private static Logging
LMCLUS. LOG
The logger for this class.private static Logging
ORCLUS. LOG
The logger for this class.Methods in elki.clustering.correlation that return Logging Modifier and Type Method Description protected Logging
HiCO.Instance. getLogger()
-
Uses of Logging in elki.clustering.correlation.cash
Fields in elki.clustering.correlation.cash declared as Logging Modifier and Type Field Description private static Logging
CASHInterval. LOG
Class logger.private static Logging
CASHIntervalSplit. LOG
The logger of the class. -
Uses of Logging in elki.clustering.dbscan
Fields in elki.clustering.dbscan declared as Logging Modifier and Type Field Description private static Logging
DBSCAN. LOG
The logger for this class.private static Logging
GeneralizedDBSCAN. LOG
Get a logger for this algorithmprivate static Logging
GriDBSCAN. LOG
The logger for this class.private static Logging
LSDBC. LOG
Class logger. -
Uses of Logging in elki.clustering.dbscan.parallel
Fields in elki.clustering.dbscan.parallel declared as Logging Modifier and Type Field Description private static Logging
ParallelGeneralizedDBSCAN. LOG
Get a logger for this algorithm -
Uses of Logging in elki.clustering.dbscan.predicates
Fields in elki.clustering.dbscan.predicates declared as Logging Modifier and Type Field Description private static Logging
COPACNeighborPredicate. LOG
The logger for this class.private static Logging
ERiCNeighborPredicate. LOG
The logger for this class.private static Logging
FourCNeighborPredicate. LOG
The logger for this class.static Logging
MinPtsCorePredicate. LOG
Class logger.private static Logging
PreDeConNeighborPredicate. LOG
The logger for this class.Methods in elki.clustering.dbscan.predicates that return Logging Modifier and Type Method Description (package private) abstract Logging
AbstractRangeQueryNeighborPredicate. getLogger()
Get the class logger.(package private) Logging
FourCNeighborPredicate. getLogger()
(package private) Logging
PreDeConNeighborPredicate. getLogger()
-
Uses of Logging in elki.clustering.em
Fields in elki.clustering.em declared as Logging Modifier and Type Field Description private static Logging
BetulaGMM. LOG
Class logger.private static Logging
EM. LOG
The logger for this class.private static Logging
KDTreeEM. LOG
Logging object -
Uses of Logging in elki.clustering.em.models
Fields in elki.clustering.em.models declared as Logging Modifier and Type Field Description private static Logging
MultivariateGaussianModel. LOG
Class logger. -
Uses of Logging in elki.clustering.hierarchical
Fields in elki.clustering.hierarchical declared as Logging Modifier and Type Field Description private Logging
AbstractHDBSCAN.HeapMSTCollector. log
Logger, for progress logging.private static Logging
AGNES. LOG
Class loggerprivate static Logging
Anderberg. LOG
Class loggerprivate static Logging
CLINK. LOG
The logger for this class.private static Logging
ClusterMergeHistoryBuilder. LOG
Class logger.private static Logging
HACAM. LOG
Class loggerprivate static Logging
HDBSCANLinearMemory. LOG
Class logger.private static Logging
LinearMemoryNNChain. LOG
Class logger.private static Logging
MedoidLinkage. LOG
Class loggerprivate static Logging
MiniMax. LOG
Class Logger.private static Logging
MiniMaxAnderberg. LOG
Class loggerprivate static Logging
MiniMaxNNChain. LOG
Class logger.private static Logging
NNChain. LOG
Class logger.private static Logging
SLINK. LOG
The logger for this class.private static Logging
SLINKHDBSCANLinearMemory. LOG
Class logger.Methods in elki.clustering.hierarchical that return Logging Modifier and Type Method Description protected abstract Logging
AbstractHDBSCAN. getLogger()
Get the (STATIC) logger for this class.protected Logging
CLINK. getLogger()
protected Logging
HDBSCANLinearMemory. getLogger()
protected Logging
SLINK. getLogger()
Get the (static) class logger.protected Logging
SLINKHDBSCANLinearMemory. getLogger()
Constructors in elki.clustering.hierarchical with parameters of type Logging Constructor Description HeapMSTCollector(DoubleLongHeap heap, FiniteProgress prog, Logging log)
Constructor. -
Uses of Logging in elki.clustering.hierarchical.birch
Fields in elki.clustering.hierarchical.birch declared as Logging Modifier and Type Field Description private static Logging
BIRCHLloydKMeans. LOG
Class logger.static Logging
CFTree. LOG
Class logger. -
Uses of Logging in elki.clustering.hierarchical.extraction
Fields in elki.clustering.hierarchical.extraction declared as Logging Modifier and Type Field Description private static Logging
ClustersWithNoiseExtraction. LOG
Class logger.private static Logging
CutDendrogramByHeight. LOG
Class logger.(package private) static Logging
CutDendrogramByNumberOfClusters. LOG
Class logger.private static Logging
HDBSCANHierarchyExtraction. LOG
Class logger.private static Logging
SimplifiedHierarchyExtraction. LOG
Class logger.Methods in elki.clustering.hierarchical.extraction that return Logging Modifier and Type Method Description protected abstract Logging
AbstractCutDendrogram. getLogger()
protected Logging
CutDendrogramByHeight. getLogger()
protected Logging
CutDendrogramByNumberOfClusters. getLogger()
-
Uses of Logging in elki.clustering.kcenter
Fields in elki.clustering.kcenter declared as Logging Modifier and Type Field Description private static Logging
GreedyKCenter. LOG
Class logger -
Uses of Logging in elki.clustering.kmeans
Fields in elki.clustering.kmeans declared as Logging Modifier and Type Field Description private static Logging
AnnulusKMeans. LOG
The logger for this class.private static Logging
BestOfMultipleKMeans. LOG
The logger for this class.private static Logging
BetulaLloydKMeans. LOG
Class logger.private static Logging
BisectingKMeans. LOG
The logger for this class.private static Logging
CompareMeans. LOG
The logger for this class.private static Logging
ElkanKMeans. LOG
The logger for this class.private static Logging
ExponionKMeans. LOG
The logger for this class.private static Logging
FuzzyCMeans. LOG
The logger for this class.private static Logging
GMeans. LOG
The logger for this class.private static Logging
HamerlyKMeans. LOG
The logger for this class.private static Logging
HartiganWongKMeans. LOG
Class loggerprivate static Logging
KDTreeFilteringKMeans. LOG
The logger for this class.private static Logging
KDTreePruningKMeans. LOG
The logger for this class.private static Logging
KMeansMinusMinus. LOG
The logger for this class.private static Logging
KMediansLloyd. LOG
The logger for this class.private static Logging
LloydKMeans. LOG
The logger for this class.private static Logging
MacQueenKMeans. LOG
The logger for this class.private static Logging
ShallotKMeans. LOG
The logger for this class.private static Logging
SimplifiedElkanKMeans. LOG
The logger for this class.private static Logging
SingleAssignmentKMeans. LOG
The logger for this class.private static Logging
SortMeans. LOG
The logger for this class.private static Logging
XMeans. LOG
The logger for this class.private static Logging
YinYangKMeans. LOG
Class loggerMethods in elki.clustering.kmeans that return Logging Modifier and Type Method Description protected abstract Logging
AbstractKMeans. getLogger()
Get the (STATIC) logger for this class.protected abstract Logging
AbstractKMeans.Instance. getLogger()
Get the class logger.protected Logging
AnnulusKMeans. getLogger()
protected Logging
AnnulusKMeans.Instance. getLogger()
protected Logging
BetulaLloydKMeans. getLogger()
protected Logging
CompareMeans. getLogger()
protected Logging
CompareMeans.Instance. getLogger()
protected Logging
ElkanKMeans. getLogger()
protected Logging
ElkanKMeans.Instance. getLogger()
protected Logging
ExponionKMeans. getLogger()
protected Logging
ExponionKMeans.Instance. getLogger()
protected Logging
GMeans. getLogger()
protected Logging
HamerlyKMeans. getLogger()
protected Logging
HamerlyKMeans.Instance. getLogger()
protected Logging
HartiganWongKMeans. getLogger()
protected Logging
HartiganWongKMeans.Instance. getLogger()
protected Logging
KDTreeFilteringKMeans. getLogger()
protected Logging
KDTreeFilteringKMeans.Instance. getLogger()
protected Logging
KDTreePruningKMeans. getLogger()
protected Logging
KDTreePruningKMeans.Instance. getLogger()
protected Logging
KMeansMinusMinus. getLogger()
protected Logging
KMeansMinusMinus.Instance. getLogger()
protected Logging
KMediansLloyd. getLogger()
protected Logging
KMediansLloyd.Instance. getLogger()
protected Logging
LloydKMeans. getLogger()
protected Logging
LloydKMeans.Instance. getLogger()
protected Logging
MacQueenKMeans. getLogger()
protected Logging
MacQueenKMeans.Instance. getLogger()
protected Logging
ShallotKMeans. getLogger()
protected Logging
ShallotKMeans.Instance. getLogger()
protected Logging
SimplifiedElkanKMeans. getLogger()
protected Logging
SimplifiedElkanKMeans.Instance. getLogger()
protected Logging
SingleAssignmentKMeans. getLogger()
protected Logging
SingleAssignmentKMeans.Instance. getLogger()
protected Logging
SortMeans. getLogger()
protected Logging
SortMeans.Instance. getLogger()
protected Logging
XMeans. getLogger()
protected Logging
YinYangKMeans. getLogger()
protected Logging
YinYangKMeans.Instance. getLogger()
-
Uses of Logging in elki.clustering.kmeans.initialization
Fields in elki.clustering.kmeans.initialization declared as Logging Modifier and Type Field Description private static Logging
AFKMC2. LOG
Class logger.private static Logging
KMC2. LOG
Class logger.private static Logging
KMeansPlusPlus. LOG
Class logger.private static Logging
Ostrovsky. LOG
Class logger.private static Logging
SphericalAFKMC2. LOG
Class logger.private static Logging
SphericalKMeansPlusPlus. LOG
Class logger.Methods in elki.clustering.kmeans.initialization that return Logging Modifier and Type Method Description protected Logging
AFKMC2.Instance. getLogger()
protected Logging
KMC2.Instance. getLogger()
Class logger. -
Uses of Logging in elki.clustering.kmeans.parallel
Fields in elki.clustering.kmeans.parallel declared as Logging Modifier and Type Field Description private static Logging
ParallelLloydKMeans. LOG
Class loggerMethods in elki.clustering.kmeans.parallel that return Logging Modifier and Type Method Description protected Logging
ParallelLloydKMeans. getLogger()
-
Uses of Logging in elki.clustering.kmeans.spherical
Fields in elki.clustering.kmeans.spherical declared as Logging Modifier and Type Field Description private static Logging
EuclideanSphericalElkanKMeans. LOG
The logger for this class.private static Logging
EuclideanSphericalHamerlyKMeans. LOG
The logger for this class.private static Logging
EuclideanSphericalSimplifiedElkanKMeans. LOG
The logger for this class.private static Logging
SphericalElkanKMeans. LOG
The logger for this class.private static Logging
SphericalHamerlyKMeans. LOG
The logger for this class.private static Logging
SphericalKMeans. LOG
Class loggerprivate static Logging
SphericalSimplifiedElkanKMeans. LOG
The logger for this class.private static Logging
SphericalSimplifiedHamerlyKMeans. LOG
The logger for this class.private static Logging
SphericalSingleAssignmentKMeans. LOG
Class loggerMethods in elki.clustering.kmeans.spherical that return Logging Modifier and Type Method Description protected Logging
EuclideanSphericalElkanKMeans. getLogger()
protected Logging
EuclideanSphericalElkanKMeans.Instance. getLogger()
protected Logging
EuclideanSphericalHamerlyKMeans. getLogger()
protected Logging
EuclideanSphericalHamerlyKMeans.Instance. getLogger()
protected Logging
EuclideanSphericalSimplifiedElkanKMeans. getLogger()
protected Logging
EuclideanSphericalSimplifiedElkanKMeans.Instance. getLogger()
protected Logging
SphericalElkanKMeans. getLogger()
protected Logging
SphericalElkanKMeans.Instance. getLogger()
protected Logging
SphericalHamerlyKMeans. getLogger()
protected Logging
SphericalHamerlyKMeans.Instance. getLogger()
protected Logging
SphericalKMeans. getLogger()
protected Logging
SphericalKMeans.Instance. getLogger()
protected Logging
SphericalSimplifiedElkanKMeans. getLogger()
protected Logging
SphericalSimplifiedElkanKMeans.Instance. getLogger()
protected Logging
SphericalSimplifiedHamerlyKMeans. getLogger()
protected Logging
SphericalSimplifiedHamerlyKMeans.Instance. getLogger()
protected Logging
SphericalSingleAssignmentKMeans. getLogger()
protected Logging
SphericalSingleAssignmentKMeans.Instance. getLogger()
-
Uses of Logging in elki.clustering.kmedoids
Fields in elki.clustering.kmedoids declared as Logging Modifier and Type Field Description private static Logging
AlternatingKMedoids. LOG
The logger for this class.private static Logging
CLARA. LOG
Class logger.private static Logging
CLARANS. LOG
Class logger.private static Logging
EagerPAM. LOG
The logger for this class.private static Logging
FastCLARA. LOG
Class logger.private static Logging
FastCLARANS. LOG
Class logger.private static Logging
FasterCLARA. LOG
Class logger.private static Logging
FasterPAM. LOG
The logger for this class.private static Logging
FastPAM. LOG
The logger for this class.private static Logging
FastPAM1. LOG
The logger for this class.private static Logging
PAM. LOG
The logger for this class.private static Logging
ReynoldsPAM. LOG
The logger for this class.private static Logging
SingleAssignmentKMedoids. LOG
The logger for this class.Methods in elki.clustering.kmedoids that return Logging Modifier and Type Method Description protected Logging
EagerPAM. getLogger()
Get the static class logger.protected Logging
FasterPAM. getLogger()
protected Logging
FastPAM. getLogger()
protected Logging
FastPAM1. getLogger()
protected Logging
PAM. getLogger()
Get the static class logger.protected Logging
ReynoldsPAM. getLogger()
protected Logging
SingleAssignmentKMedoids. getLogger()
-
Uses of Logging in elki.clustering.kmedoids.initialization
Fields in elki.clustering.kmedoids.initialization declared as Logging Modifier and Type Field Description private static Logging
AlternateRefinement. LOG
Class logger.private static Logging
BUILD. LOG
Class logger.private static Logging
GreedyG. LOG
Class logger.private static Logging
LAB. LOG
Class logger.private static Logging
ParkJun. LOG
Class logger. -
Uses of Logging in elki.clustering.meta
Fields in elki.clustering.meta declared as Logging Modifier and Type Field Description private static Logging
ExternalClustering. LOG
The logger for this class. -
Uses of Logging in elki.clustering.onedimensional
Fields in elki.clustering.onedimensional declared as Logging Modifier and Type Field Description private static Logging
KNNKernelDensityMinimaClustering. LOG
Class logger. -
Uses of Logging in elki.clustering.optics
Fields in elki.clustering.optics declared as Logging Modifier and Type Field Description private static Logging
DeLiClu. LOG
The logger for this class.private static Logging
FastOPTICS. LOG
Class logger.private static Logging
OPTICSHeap. LOG
The logger for this class.private static Logging
OPTICSList. LOG
The logger for this class.private static Logging
OPTICSXi. LOG
The logger for this class.Methods in elki.clustering.optics that return Logging Modifier and Type Method Description protected abstract Logging
GeneralizedOPTICS.Instance. getLogger()
Get the class logger. -
Uses of Logging in elki.clustering.silhouette
Fields in elki.clustering.silhouette declared as Logging Modifier and Type Field Description private static Logging
FasterMSC. LOG
The logger for this class.private static Logging
FastMSC. LOG
The logger for this class.private static Logging
PAMMEDSIL. LOG
The logger for this class.private static Logging
PAMSIL. LOG
The logger for this class.Methods in elki.clustering.silhouette that return Logging Modifier and Type Method Description protected Logging
FasterMSC. getLogger()
protected Logging
FastMSC. getLogger()
protected Logging
PAMMEDSIL. getLogger()
protected Logging
PAMSIL. getLogger()
-
Uses of Logging in elki.clustering.subspace
Fields in elki.clustering.subspace declared as Logging Modifier and Type Field Description private static Logging
CLIQUE. LOG
The logger for this class.private static Logging
DiSH. LOG
The logger for this class.private static Logging
DOC. LOG
The logger for this class.private static Logging
FastDOC. LOG
The logger for this class.private static Logging
HiSC. LOG
The logger for this class.private static Logging
P3C. LOG
The logger for this class.private static Logging
PROCLUS. LOG
The logger for this class.private static Logging
SUBCLU. LOG
The logger for this class.Methods in elki.clustering.subspace that return Logging Modifier and Type Method Description protected Logging
DiSH.Instance. getLogger()
protected Logging
HiSC.Instance. getLogger()
-
Uses of Logging in elki.clustering.svm
Fields in elki.clustering.svm declared as Logging Modifier and Type Field Description private static Logging
SupportVectorClustering. LOG
Class logger. -
Uses of Logging in elki.clustering.trivial
Fields in elki.clustering.trivial declared as Logging Modifier and Type Field Description private static Logging
ByLabelHierarchicalClustering. LOG
The logger for this class. -
Uses of Logging in elki.clustering.uncertain
Fields in elki.clustering.uncertain declared as Logging Modifier and Type Field Description private static Logging
RepresentativeUncertainClustering. LOG
Initialize a Logger.private static Logging
UKMeans. LOG
Class logger. -
Uses of Logging in elki.data.projection
Fields in elki.data.projection declared as Logging Modifier and Type Field Description private static Logging
RandomProjection. LOG
Class logger. -
Uses of Logging in elki.data.synthetic.bymodel
Fields in elki.data.synthetic.bymodel declared as Logging Modifier and Type Field Description private static Logging
GeneratorMain. LOG
Class logger. -
Uses of Logging in elki.database
Fields in elki.database declared as Logging Modifier and Type Field Description private static Logging
HashmapDatabase. LOG
Our loggerprivate static Logging
ProxyDatabase. LOG
Logger class.private static Logging
StaticArrayDatabase. LOG
Our loggerMethods in elki.database that return Logging Modifier and Type Method Description protected abstract Logging
AbstractDatabase. getLogger()
Get the class logger.protected Logging
HashmapDatabase. getLogger()
protected Logging
ProxyDatabase. getLogger()
protected Logging
StaticArrayDatabase. getLogger()
-
Uses of Logging in elki.database.query
Fields in elki.database.query declared as Logging Modifier and Type Field Description private static Logging
EmpiricalQueryOptimizer. LOG
Class logger.private static Logging
QueryBuilder. LOG
Class logger. -
Uses of Logging in elki.database.query.knn
Fields in elki.database.query.knn declared as Logging Modifier and Type Field Description private static Logging
PreprocessorKNNQuery. LOG
Class loggerprivate static Logging
PreprocessorSqrtKNNQuery. LOG
Class loggerprivate static Logging
PreprocessorSquaredKNNQuery. LOG
Class loggerMethods in elki.database.query.knn that return Logging Modifier and Type Method Description protected Logging
PreprocessorKNNQuery. getLogger()
Get the class logger.protected Logging
PreprocessorSqrtKNNQuery. getLogger()
Get the class logger.protected Logging
PreprocessorSquaredKNNQuery. getLogger()
Get the class logger. -
Uses of Logging in elki.datasource
Fields in elki.datasource declared as Logging Modifier and Type Field Description private static Logging
ArrayAdapterDatabaseConnection. LOG
Class logger.private static Logging
BundleDatabaseConnection. LOG
Class logger.private static Logging
ConcatenateFilesDatabaseConnection. LOG
Class logger.private static Logging
EmptyDatabaseConnection. LOG
Static loggerprivate static Logging
ExternalIDJoinDatabaseConnection. LOG
Loggerprivate static Logging
GeneratorXMLDatabaseConnection. LOG
Loggerprivate static Logging
InputStreamDatabaseConnection. LOG
The logger for this class.private static Logging
LabelJoinDatabaseConnection. LOG
Loggerprivate static Logging
PresortedBlindJoinDatabaseConnection. LOG
Loggerprivate static Logging
RandomDoubleVectorDatabaseConnection. LOG
Class logger.Methods in elki.datasource that return Logging Modifier and Type Method Description protected abstract Logging
AbstractDatabaseConnection. getLogger()
Get the logger for this database connection.protected Logging
ArrayAdapterDatabaseConnection. getLogger()
protected Logging
BundleDatabaseConnection. getLogger()
protected Logging
ConcatenateFilesDatabaseConnection. getLogger()
protected Logging
EmptyDatabaseConnection. getLogger()
protected Logging
ExternalIDJoinDatabaseConnection. getLogger()
protected Logging
GeneratorXMLDatabaseConnection. getLogger()
protected Logging
InputStreamDatabaseConnection. getLogger()
protected Logging
LabelJoinDatabaseConnection. getLogger()
protected Logging
PresortedBlindJoinDatabaseConnection. getLogger()
protected Logging
RandomDoubleVectorDatabaseConnection. getLogger()
-
Uses of Logging in elki.datasource.bundle
Fields in elki.datasource.bundle declared as Logging Modifier and Type Field Description private static Logging
BundleWriter. LOG
Class logger for the bundle writer.private static Logging
MultipleObjectsBundle. LOG
Class logger. -
Uses of Logging in elki.datasource.filter
Methods in elki.datasource.filter that return Logging Modifier and Type Method Description protected abstract Logging
AbstractConversionFilter. getLogger()
Class logger. -
Uses of Logging in elki.datasource.filter.cleaning
Fields in elki.datasource.filter.cleaning declared as Logging Modifier and Type Field Description private static Logging
DropNaNFilter. LOG
Class loggerprivate static Logging
NoMissingValuesFilter. LOG
Class loggerprivate static Logging
ReplaceNaNWithRandomFilter. LOG
Class loggerprivate static Logging
VectorDimensionalityFilter. LOG
Class logger. -
Uses of Logging in elki.datasource.filter.normalization.columnwise
Fields in elki.datasource.filter.normalization.columnwise declared as Logging Modifier and Type Field Description private static Logging
AttributeWiseBetaNormalization. LOG
Class logger.private static Logging
AttributeWiseCDFNormalization. LOG
Class logger.private static Logging
AttributeWiseMADNormalization. LOG
Class logger.private static Logging
AttributeWiseMeanNormalization. LOG
Class logger.private static Logging
AttributeWiseMinMaxNormalization. LOG
Class logger.private static Logging
AttributeWiseVarianceNormalization. LOG
Class logger.private static Logging
InverseDocumentFrequencyNormalization. LOG
Class logger.Methods in elki.datasource.filter.normalization.columnwise that return Logging Modifier and Type Method Description protected Logging
AttributeWiseMeanNormalization. getLogger()
protected Logging
AttributeWiseMinMaxNormalization. getLogger()
protected Logging
AttributeWiseVarianceNormalization. getLogger()
protected Logging
InverseDocumentFrequencyNormalization. getLogger()
-
Uses of Logging in elki.datasource.filter.selection
Fields in elki.datasource.filter.selection declared as Logging Modifier and Type Field Description private static Logging
ByLabelFilter. LOG
Class loggerprivate static Logging
ShuffleObjectsFilter. LOG
Class loggerprivate static Logging
SortByLabelFilter. LOG
Class logger -
Uses of Logging in elki.datasource.filter.transform
Fields in elki.datasource.filter.transform declared as Logging Modifier and Type Field Description private static Logging
ClassicMultidimensionalScalingTransform. LOG
Class logger.private static Logging
FastMultidimensionalScalingTransform. LOG
Class logger.private static Logging
GlobalPrincipalComponentAnalysisTransform. LOG
Class logger.private static Logging
LinearDiscriminantAnalysisFilter. LOG
Class logger.private static Logging
PerturbationFilter. LOG
Class loggerMethods in elki.datasource.filter.transform that return Logging Modifier and Type Method Description protected abstract Logging
AbstractSupervisedProjectionVectorFilter. getLogger()
Class logger.protected Logging
GlobalPrincipalComponentAnalysisTransform. getLogger()
protected Logging
LinearDiscriminantAnalysisFilter. getLogger()
Class logger.protected Logging
PerturbationFilter. getLogger()
-
Uses of Logging in elki.datasource.filter.typeconversions
Fields in elki.datasource.filter.typeconversions declared as Logging Modifier and Type Field Description private static Logging
SparseVectorFieldFilter. LOG
Class logger.private static Logging
UncertainifyFilter. LOG
Class logger.private static Logging
UncertainSplitFilter. LOG
Class logger.private static Logging
WeightedUncertainSplitFilter. LOG
Class logger.Methods in elki.datasource.filter.typeconversions that return Logging Modifier and Type Method Description protected Logging
SparseVectorFieldFilter. getLogger()
protected Logging
UncertainSplitFilter. getLogger()
protected Logging
WeightedUncertainSplitFilter. getLogger()
-
Uses of Logging in elki.datasource.parser
Fields in elki.datasource.parser declared as Logging Modifier and Type Field Description private static Logging
ArffParser. LOG
Logger.private static Logging
BitVectorLabelParser. LOG
Class loggerprivate static Logging
CategorialDataAsNumberVectorParser. LOG
Logging class.private static Logging
ClusteringVectorParser. LOG
Class logger.private static Logging
LibSVMFormatParser. LOG
Class logger.private static Logging
NumberVectorLabelParser. LOG
Logging class.private static Logging
SimplePolygonParser. LOG
Class loggerprivate static Logging
SimpleTransactionParser. LOG
Class logger.private static Logging
SparseNumberVectorLabelParser. LOG
Class logger.private static Logging
TermFrequencyParser. LOG
Class logger.Methods in elki.datasource.parser that return Logging Modifier and Type Method Description protected abstract Logging
AbstractStreamingParser. getLogger()
Get the logger for this class.protected Logging
BitVectorLabelParser. getLogger()
protected Logging
CategorialDataAsNumberVectorParser. getLogger()
protected Logging
ClusteringVectorParser. getLogger()
protected Logging
LibSVMFormatParser. getLogger()
protected Logging
NumberVectorLabelParser. getLogger()
protected Logging
SimplePolygonParser. getLogger()
protected Logging
SimpleTransactionParser. getLogger()
protected Logging
SparseNumberVectorLabelParser. getLogger()
protected Logging
TermFrequencyParser. getLogger()
-
Uses of Logging in elki.distance.external
Fields in elki.distance.external declared as Logging Modifier and Type Field Description private static Logging
AsciiDistanceParser. LOG
The logger for this class.private static Logging
DiskCacheBasedDoubleDistance. LOG
Class logger.private static Logging
DiskCacheBasedFloatDistance. LOG
Class logger.private static Logging
FileBasedSparseDoubleDistance. LOG
Class logger.private static Logging
FileBasedSparseFloatDistance. LOG
Class logger. -
Uses of Logging in elki.evaluation
Fields in elki.evaluation declared as Logging Modifier and Type Field Description private static Logging
AutomaticEvaluation. LOG
Class logger -
Uses of Logging in elki.evaluation.clustering
Fields in elki.evaluation.clustering declared as Logging Modifier and Type Field Description private static Logging
EvaluateClustering. LOG
Logger for debug output.private static Logging
LogClusterSizes. LOG
Class logger -
Uses of Logging in elki.evaluation.clustering.internal
Fields in elki.evaluation.clustering.internal declared as Logging Modifier and Type Field Description private static Logging
CIndex. LOG
Logger for debug output.private static Logging
ClusterRadius. LOG
Logger for debug output.private static Logging
ConcordantPairsGammaTau. LOG
Logger for debug output.private static Logging
DaviesBouldinIndex. LOG
Logger for debug output.private static Logging
PBMIndex. LOG
Logger for debug output.private static Logging
Silhouette. LOG
Logger for debug output.private static Logging
SimplifiedSilhouette. LOG
Logger for debug output.private static Logging
SquaredErrors. LOG
Logger for debug output.private static Logging
VarianceRatioCriterion. LOG
Logger for debug output. -
Uses of Logging in elki.evaluation.clustering.pairsegments
Fields in elki.evaluation.clustering.pairsegments declared as Logging Modifier and Type Field Description private static Logging
Segments. LOG
Class logger -
Uses of Logging in elki.evaluation.outlier
Fields in elki.evaluation.outlier declared as Logging Modifier and Type Field Description private static Logging
JudgeOutlierScores. LOG
Logger for debug output.private static Logging
OutlierPrecisionAtKCurve. LOG
The logger.private static Logging
OutlierPrecisionRecallCurve. LOG
The logger.private static Logging
OutlierPrecisionRecallGainCurve. LOG
The logger.private static Logging
OutlierRankingEvaluation. LOG
The logger.private static Logging
OutlierROCCurve. LOG
The logger.private static Logging
OutlierSmROCCurve. LOG
The logger. -
Uses of Logging in elki.evaluation.similaritymatrix
Fields in elki.evaluation.similaritymatrix declared as Logging Modifier and Type Field Description private static Logging
ComputeSimilarityMatrixImage. LOG
The logger. -
Uses of Logging in elki.gui
Methods in elki.gui with parameters of type Logging Modifier and Type Method Description static void
GUIUtil. logUncaughtExceptions(Logging logger)
Setup logging of uncaught exceptions. -
Uses of Logging in elki.gui.minigui
Fields in elki.gui.minigui declared as Logging Modifier and Type Field Description private static Logging
MiniGUI. LOG
ELKI logger for the GUI. -
Uses of Logging in elki.gui.multistep
Fields in elki.gui.multistep declared as Logging Modifier and Type Field Description private static Logging
MultiStepGUI. LOG
ELKI logger for the GUI -
Uses of Logging in elki.gui.multistep.panels
Fields in elki.gui.multistep.panels declared as Logging Modifier and Type Field Description private static Logging
ParameterTabPanel. LOG
ELKI logger for the GUIprivate static Logging
SavedSettingsTabPanel. LOG
Logger -
Uses of Logging in elki.gui.util
Fields in elki.gui.util declared as Logging Modifier and Type Field Description private static Logging
ParametersModel. LOG
Logger -
Uses of Logging in elki.index
Methods in elki.index that return Logging Modifier and Type Method Description abstract Logging
AbstractRefiningIndex. getLogger()
Get the class logger. -
Uses of Logging in elki.index.distancematrix
Fields in elki.index.distancematrix declared as Logging Modifier and Type Field Description private static Logging
PrecomputedDistanceMatrix. LOG
Class logger.private static Logging
PrecomputedSimilarityMatrix. LOG
Class logger. -
Uses of Logging in elki.index.idistance
Fields in elki.index.idistance declared as Logging Modifier and Type Field Description private static Logging
InMemoryIDistanceIndex. LOG
Class logger.Methods in elki.index.idistance that return Logging Modifier and Type Method Description Logging
InMemoryIDistanceIndex. getLogger()
-
Uses of Logging in elki.index.invertedlist
Fields in elki.index.invertedlist declared as Logging Modifier and Type Field Description private static Logging
InMemoryInvertedIndex. LOG
Class logger. -
Uses of Logging in elki.index.laesa
Fields in elki.index.laesa declared as Logging Modifier and Type Field Description private static Logging
LAESA. LOG
Class logger. -
Uses of Logging in elki.index.lsh
Fields in elki.index.lsh declared as Logging Modifier and Type Field Description private static Logging
InMemoryLSHIndex. LOG
Class loggerMethods in elki.index.lsh that return Logging Modifier and Type Method Description Logging
InMemoryLSHIndex.Instance. getLogger()
-
Uses of Logging in elki.index.preprocessed.fastoptics
Fields in elki.index.preprocessed.fastoptics declared as Logging Modifier and Type Field Description private static Logging
RandomProjectedNeighborsAndDensities. LOG
Class logger. -
Uses of Logging in elki.index.preprocessed.knn
Fields in elki.index.preprocessed.knn declared as Logging Modifier and Type Field Description private static Logging
CachedDoubleDistanceKNNPreprocessor. LOG
Class logger.private static Logging
KNNJoinMaterializeKNNPreprocessor. LOG
Logging class.private static Logging
MaterializeKNNAndRKNNPreprocessor. LOG
Logger to use.private static Logging
MaterializeKNNPreprocessor. LOG
Logger to use.private static Logging
MetricalIndexApproximationMaterializeKNNPreprocessor. LOG
Logger to useprivate static Logging
NaiveProjectedKNNPreprocessor. LOG
Class logger.private static Logging
NNDescent. LOG
Loggerprivate static Logging
PartitionApproximationMaterializeKNNPreprocessor. LOG
Logger to useprivate static Logging
RandomSampleKNNPreprocessor. LOG
Loggerprivate static Logging
SpacefillingKNNPreprocessor. LOG
Class loggerprivate static Logging
SpacefillingMaterializeKNNPreprocessor. LOG
Class loggerprivate static Logging
SpatialApproximationMaterializeKNNPreprocessor. LOG
Logger to useMethods in elki.index.preprocessed.knn that return Logging Modifier and Type Method Description protected abstract Logging
AbstractMaterializeKNNPreprocessor. getLogger()
Get the classes static logger.protected Logging
CachedDoubleDistanceKNNPreprocessor. getLogger()
protected Logging
KNNJoinMaterializeKNNPreprocessor. getLogger()
protected Logging
MaterializeKNNAndRKNNPreprocessor. getLogger()
protected Logging
MaterializeKNNPreprocessor. getLogger()
protected Logging
MetricalIndexApproximationMaterializeKNNPreprocessor. getLogger()
protected Logging
NNDescent. getLogger()
protected Logging
PartitionApproximationMaterializeKNNPreprocessor. getLogger()
protected Logging
RandomSampleKNNPreprocessor. getLogger()
protected Logging
SpacefillingMaterializeKNNPreprocessor. getLogger()
protected Logging
SpatialApproximationMaterializeKNNPreprocessor. getLogger()
-
Uses of Logging in elki.index.preprocessed.snn
Fields in elki.index.preprocessed.snn declared as Logging Modifier and Type Field Description private static Logging
SharedNearestNeighborPreprocessor. LOG
Get a logger for this class. -
Uses of Logging in elki.index.projected
Fields in elki.index.projected declared as Logging Modifier and Type Field Description private static Logging
ProjectedIndex. LOG
Class logger -
Uses of Logging in elki.index.tree
Methods in elki.index.tree that return Logging Modifier and Type Method Description protected abstract Logging
IndexTree. getLogger()
Get the (STATIC) logger for this class. -
Uses of Logging in elki.index.tree.betula
Fields in elki.index.tree.betula declared as Logging Modifier and Type Field Description static Logging
CFTree. LOG
Class logger. -
Uses of Logging in elki.index.tree.metrical.covertree
Fields in elki.index.tree.metrical.covertree declared as Logging Modifier and Type Field Description private static Logging
CoverTree. LOG
Class logger.private static Logging
SimplifiedCoverTree. LOG
Class logger.Methods in elki.index.tree.metrical.covertree that return Logging Modifier and Type Method Description protected abstract Logging
AbstractCoverTree. getLogger()
Get the class logger.protected Logging
CoverTree. getLogger()
protected Logging
SimplifiedCoverTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.mtreevariants.mktrees.mkapp
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mkapp declared as Logging Modifier and Type Field Description private static Logging
MkAppTree. LOG
The logger for this class.private static Logging
MkAppTreeNode. LOG
Class logger.Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkapp that return Logging Modifier and Type Method Description protected Logging
MkAppTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.mtreevariants.mktrees.mkcop
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mkcop declared as Logging Modifier and Type Field Description private static Logging
MkCoPTree. LOG
The logger for this class.Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkcop that return Logging Modifier and Type Method Description protected Logging
MkCoPTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.mtreevariants.mktrees.mkmax
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mkmax declared as Logging Modifier and Type Field Description private static Logging
MkMaxTree. LOG
The logger for this class.Methods in elki.index.tree.metrical.mtreevariants.mktrees.mkmax that return Logging Modifier and Type Method Description protected Logging
MkMaxTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.mtreevariants.mktrees.mktab
Fields in elki.index.tree.metrical.mtreevariants.mktrees.mktab declared as Logging Modifier and Type Field Description private static Logging
MkTabTree. LOG
The logger for this class.Methods in elki.index.tree.metrical.mtreevariants.mktrees.mktab that return Logging Modifier and Type Method Description protected Logging
MkTabTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.mtreevariants.mtree
Fields in elki.index.tree.metrical.mtreevariants.mtree declared as Logging Modifier and Type Field Description private static Logging
MTree. LOG
The logger for this class.Methods in elki.index.tree.metrical.mtreevariants.mtree that return Logging Modifier and Type Method Description protected Logging
MTree. getLogger()
-
Uses of Logging in elki.index.tree.metrical.vptree
Fields in elki.index.tree.metrical.vptree declared as Logging Modifier and Type Field Description private static Logging
GNAT. LOG
Class logger.private static Logging
VPTree. LOG
Class logger. -
Uses of Logging in elki.index.tree.spatial.kd
Fields in elki.index.tree.spatial.kd declared as Logging Modifier and Type Field Description private static Logging
MemoryKDTree. LOG
Class loggerprivate static Logging
MinimalisticMemoryKDTree. LOG
Class loggerprivate static Logging
SmallMemoryKDTree. LOG
Class logger -
Uses of Logging in elki.index.tree.spatial.rstarvariants.deliclu
Fields in elki.index.tree.spatial.rstarvariants.deliclu declared as Logging Modifier and Type Field Description private static Logging
DeLiCluTree. LOG
The logger for this class.private static Logging
DeLiCluTreeIndex. LOG
The appropriate logger for this index.Methods in elki.index.tree.spatial.rstarvariants.deliclu that return Logging Modifier and Type Method Description protected Logging
DeLiCluTree. getLogger()
protected Logging
DeLiCluTreeIndex. getLogger()
-
Uses of Logging in elki.index.tree.spatial.rstarvariants.flat
Fields in elki.index.tree.spatial.rstarvariants.flat declared as Logging Modifier and Type Field Description private static Logging
FlatRStarTree. LOG
The logger for this class.private static Logging
FlatRStarTreeIndex. LOG
The appropriate logger for this index.Methods in elki.index.tree.spatial.rstarvariants.flat that return Logging Modifier and Type Method Description protected Logging
FlatRStarTree. getLogger()
protected Logging
FlatRStarTreeIndex. getLogger()
-
Uses of Logging in elki.index.tree.spatial.rstarvariants.rdknn
Fields in elki.index.tree.spatial.rstarvariants.rdknn declared as Logging Modifier and Type Field Description private static Logging
RdKNNTree. LOG
The logger for this class.Methods in elki.index.tree.spatial.rstarvariants.rdknn that return Logging Modifier and Type Method Description protected Logging
RdKNNTree. getLogger()
-
Uses of Logging in elki.index.tree.spatial.rstarvariants.rstar
Fields in elki.index.tree.spatial.rstarvariants.rstar declared as Logging Modifier and Type Field Description private static Logging
RStarTree. LOG
The logger for this class.private static Logging
RStarTreeIndex. LOG
The appropriate logger for this index.Methods in elki.index.tree.spatial.rstarvariants.rstar that return Logging Modifier and Type Method Description protected Logging
RStarTree. getLogger()
protected Logging
RStarTreeIndex. getLogger()
-
Uses of Logging in elki.index.tree.spatial.rstarvariants.strategies.bulk
Fields in elki.index.tree.spatial.rstarvariants.strategies.bulk declared as Logging Modifier and Type Field Description private static Logging
MaxExtensionBulkSplit. LOG
Logger. -
Uses of Logging in elki.index.tree.spatial.rstarvariants.strategies.split
Fields in elki.index.tree.spatial.rstarvariants.strategies.split declared as Logging Modifier and Type Field Description private static Logging
AngTanLinearSplit. LOG
Logger class -
Uses of Logging in elki.index.vafile
Fields in elki.index.vafile declared as Logging Modifier and Type Field Description private static Logging
PartialVAFile. LOG
Class logger.private static Logging
VAFile. LOG
Logging class.Methods in elki.index.vafile that return Logging Modifier and Type Method Description Logging
PartialVAFile. getLogger()
Logging
VAFile. getLogger()
-
Uses of Logging in elki.itemsetmining
Fields in elki.itemsetmining declared as Logging Modifier and Type Field Description private static Logging
APRIORI. LOG
The logger for this class.private static Logging
Eclat. LOG
Class logger.private static Logging
FPGrowth. LOG
Class logger. -
Uses of Logging in elki.itemsetmining.associationrules
Fields in elki.itemsetmining.associationrules declared as Logging Modifier and Type Field Description private static Logging
AssociationRuleGeneration. LOG
Class logger. -
Uses of Logging in elki.logging
Fields in elki.logging with type parameters of type Logging Modifier and Type Field Description private static java.util.HashMap<java.lang.String,Logging>
Logging. loggers
HashMap to keep track of loggers.Methods in elki.logging that return Logging Modifier and Type Method Description static Logging
Logging. getLogger(java.lang.Class<?> c)
Retrieve logging utility for a particular class.static Logging
Logging. getLogger(java.lang.String name)
Retrieve logging utility for a particular class. -
Uses of Logging in elki.logging.progress
Methods in elki.logging.progress with parameters of type Logging Modifier and Type Method Description void
StepProgress. beginStep(int step, java.lang.String stepTitle, Logging logger)
Do a new step and log itvoid
FiniteProgress. ensureCompleted(Logging logger)
Ensure that the progress was completed, to make progress bars disappearvoid
AbstractProgress. incrementProcessed(Logging logger)
Increment the processed counter.void
IndefiniteProgress. setCompleted(Logging logger)
Set the completion flag and log itvoid
StepProgress. setCompleted(Logging logger)
Mark the progress as completed and log it.void
AbstractProgress. setProcessed(int processed, Logging logger)
Sets the number of items already processed at a time being.Constructors in elki.logging.progress with parameters of type Logging Constructor Description FiniteProgress(java.lang.String task, int total, Logging logger)
Constructor with auto-reporting to logging.IndefiniteProgress(java.lang.String task, Logging logger)
Constructor with logging.MutableProgress(java.lang.String task, int total, Logging logger)
Constructor with logging. -
Uses of Logging in elki.math.geometry
Fields in elki.math.geometry declared as Logging Modifier and Type Field Description private static Logging
SweepHullDelaunay2D. LOG
Class logger -
Uses of Logging in elki.math.linearalgebra
Fields in elki.math.linearalgebra declared as Logging Modifier and Type Field Description private static Logging
LinearEquationSystem. LOG
Logger. -
Uses of Logging in elki.math.statistics.dependence
Fields in elki.math.statistics.dependence declared as Logging Modifier and Type Field Description private static Logging
PearsonCorrelationDependence. LOG
Class logger. -
Uses of Logging in elki.math.statistics.distribution.estimator.meta
Fields in elki.math.statistics.distribution.estimator.meta declared as Logging Modifier and Type Field Description private static Logging
BestFitEstimator. LOG
Class logger. -
Uses of Logging in elki.outlier
Fields in elki.outlier declared as Logging Modifier and Type Field Description private static Logging
COP. LOG
The logger for this class.private static Logging
DWOF. LOG
The logger for this class.private static Logging
SimpleCOP. LOG
The logger for this class. -
Uses of Logging in elki.outlier.anglebased
Fields in elki.outlier.anglebased declared as Logging Modifier and Type Field Description private static Logging
LBABOD. LOG
The logger for this class. -
Uses of Logging in elki.outlier.clustering
Fields in elki.outlier.clustering declared as Logging Modifier and Type Field Description private static Logging
CBLOF. LOG
The logger for this class.private static Logging
EMOutlier. LOG
The logger for this class.private static Logging
KMeansOutlierDetection. LOG
Class logger. -
Uses of Logging in elki.outlier.density
Fields in elki.outlier.density declared as Logging Modifier and Type Field Description private static Logging
HySortOD. LOG
The logger for this class.private static Logging
IsolationForest. LOG
Class logger -
Uses of Logging in elki.outlier.distance
Fields in elki.outlier.distance declared as Logging Modifier and Type Field Description private static Logging
DBOutlierDetection. LOG
The logger for this class.private static Logging
DBOutlierScore. LOG
The logger for this class.private static Logging
HilOut. LOG
The logger for this class.private static Logging
KNNDD. LOG
The logger for this class.private static Logging
KNNOutlier. LOG
The logger for this class.private static Logging
KNNSOS. LOG
Class logger.private static Logging
KNNWeightOutlier. LOG
The logger for this class.private static Logging
LocalIsolationCoefficient. LOG
The logger for this class.private static Logging
SOS. LOG
Class logger. -
Uses of Logging in elki.outlier.intrinsic
Fields in elki.outlier.intrinsic declared as Logging Modifier and Type Field Description private static Logging
IDOS. LOG
The logger for this class.private static Logging
ISOS. LOG
Class logger.private static Logging
LID. LOG
Class logger. -
Uses of Logging in elki.outlier.lof
Fields in elki.outlier.lof declared as Logging Modifier and Type Field Description private static Logging
ALOCI. LOG
The logger for this class.private static Logging
COF. LOG
The logger for this class.private static Logging
FlexibleLOF. LOG
The logger for this class.private static Logging
INFLO. LOG
The logger for this class.private static Logging
KDEOS. LOG
Class logger.private static Logging
LDF. LOG
The logger for this class.private static Logging
LDOF. LOG
The logger for this class.private static Logging
LOCI. LOG
The logger for this class.private static Logging
LOF. LOG
The logger for this class.private static Logging
LoOP. LOG
The logger for this class.private static Logging
OnlineLOF. LOG
The logger for this class.private static Logging
SimpleKernelDensityLOF. LOG
The logger for this class.private static Logging
SimplifiedLOF. LOG
The logger for this class.private static Logging
VarianceOfVolume. LOG
The logger for this class. -
Uses of Logging in elki.outlier.meta
Fields in elki.outlier.meta declared as Logging Modifier and Type Field Description private static Logging
ExternalDoubleOutlierScore. LOG
The logger for this class.private static Logging
FeatureBagging. LOG
The logger for this class.private static Logging
HiCS. LOG
The Logger for this class.private static Logging
SimpleOutlierEnsemble. LOG
The logger for this class. -
Uses of Logging in elki.outlier.spatial
Fields in elki.outlier.spatial declared as Logging Modifier and Type Field Description private static Logging
CTLuMeanMultipleAttributes. LOG
Loggerprivate static Logging
CTLuMedianMultipleAttributes. LOG
loggerprivate static Logging
CTLuRandomWalkEC. LOG
Class loggerprivate static Logging
TrimmedMeanApproach. LOG
The logger for this class. -
Uses of Logging in elki.outlier.spatial.neighborhood
Fields in elki.outlier.spatial.neighborhood declared as Logging Modifier and Type Field Description private static Logging
ExtendedNeighborhood. LOG
The logger to use.private static Logging
ExternalNeighborhood. LOG
Loggerprivate static Logging
PrecomputedKNearestNeighborNeighborhood. LOG
LoggerMethods in elki.outlier.spatial.neighborhood that return Logging Modifier and Type Method Description protected abstract Logging
AbstractPrecomputedNeighborhood. getLogger()
The logger to use for error reporting.protected Logging
ExtendedNeighborhood. getLogger()
protected Logging
ExternalNeighborhood. getLogger()
protected Logging
PrecomputedKNearestNeighborNeighborhood. getLogger()
-
Uses of Logging in elki.outlier.subspace
Fields in elki.outlier.subspace declared as Logging Modifier and Type Field Description private static Logging
AggarwalYuEvolutionary. LOG
The logger for this class.private static Logging
AggarwalYuNaive. LOG
The logger for this class.private static Logging
OUTRES. LOG
The logger for this class.private static Logging
SOD. LOG
The logger for this class. -
Uses of Logging in elki.outlier.svm
Fields in elki.outlier.svm declared as Logging Modifier and Type Field Description private static Logging
LibSVMOneClassOutlierDetection. LOG
Class logger.private static Logging
OCSVM. LOG
Class logger.private static Logging
SVDD. LOG
Class logger. -
Uses of Logging in elki.outlier.trivial
Fields in elki.outlier.trivial declared as Logging Modifier and Type Field Description private static Logging
TrivialGeneratedOutlier. LOG
Class logger -
Uses of Logging in elki.persistent
Fields in elki.persistent declared as Logging Modifier and Type Field Description private static Logging
LRUCache. LOG
Our class logger.private static Logging
MemoryPageFile. LOG
Class logger.private static Logging
OnDiskArrayPageFile. LOG
Class logger.private static Logging
PersistentPageFile. LOG
Our loggerMethods in elki.persistent that return Logging Modifier and Type Method Description protected abstract Logging
AbstractPageFile. getLogger()
Get the class logger.protected Logging
LRUCache. getLogger()
protected Logging
MemoryPageFile. getLogger()
protected Logging
OnDiskArrayPageFile. getLogger()
protected Logging
PersistentPageFile. getLogger()
-
Uses of Logging in elki.projection
Fields in elki.projection declared as Logging Modifier and Type Field Description private static Logging
BarnesHutTSNE. LOG
Class logger.private static Logging
GaussianAffinityMatrixBuilder. LOG
Class logger.private static Logging
IntrinsicNearestNeighborAffinityMatrixBuilder. LOG
Class logger.private static Logging
NearestNeighborAffinityMatrixBuilder. LOG
Class logger.private static Logging
PerplexityAffinityMatrixBuilder. LOG
Class logger.private static Logging
SNE. LOG
Class logger.private static Logging
TSNE. LOG
Class logger. -
Uses of Logging in elki.result
Fields in elki.result declared as Logging Modifier and Type Field Description private static Logging
AutomaticVisualization. LOG
Get a logger for this class.private static Logging
ClusteringVectorDumper. LOG
Class logger.private static Logging
ExportVisualizations. LOG
Get a logger for this class.private static Logging
KMLOutputHandler. LOG
Logger class to use.private static Logging
LogResultStructureResultHandler. LOG
Class loggerprivate static Logging
Metadata. LOG
Class loggerprivate static Logging
ResultWriter. LOG
The logger for this class. -
Uses of Logging in elki.result.textwriter
Fields in elki.result.textwriter declared as Logging Modifier and Type Field Description private static Logging
MultipleFilesOutput. LOG
Logger for debugging. -
Uses of Logging in elki.svm
Fields in elki.svm declared as Logging Modifier and Type Field Description private static Logging
CSVC. LOG
private static Logging
EpsilonSVR. LOG
private static Logging
NuSVC. LOG
private static Logging
NuSVR. LOG
private static Logging
OneClassSVM. LOG
private static Logging
R2q. LOG
private static Logging
SVDD. LOG
Methods in elki.svm that return Logging Modifier and Type Method Description protected abstract Logging
AbstractSingleSVM. getLogger()
protected Logging
CSVC. getLogger()
protected Logging
EpsilonSVR. getLogger()
protected Logging
NuSVC. getLogger()
protected Logging
NuSVR. getLogger()
protected Logging
OneClassSVM. getLogger()
protected Logging
R2q. getLogger()
protected Logging
SVDD. getLogger()
-
Uses of Logging in elki.svm.model
Fields in elki.svm.model declared as Logging Modifier and Type Field Description private static Logging
ProbabilisticClassificationModel. LOG
Class logger -
Uses of Logging in elki.svm.solver
Fields in elki.svm.solver declared as Logging Modifier and Type Field Description private static Logging
Solver. LOG
-
Uses of Logging in elki.utilities
Fields in elki.utilities declared as Logging Modifier and Type Field Description private static Logging
ClassGenericsUtil. LOG
Static logger to use.private static Logging
ELKIBuilder. LOG
Class logger.private static Logging
ELKIServiceRegistry. LOG
Class logger.private static Logging
ELKIServiceScanner. LOG
Class logger -
Uses of Logging in elki.utilities.datastructures
Fields in elki.utilities.datastructures declared as Logging Modifier and Type Field Description private static Logging
KuhnMunkres. LOG
Class logger -
Uses of Logging in elki.utilities.io
Fields in elki.utilities.io declared as Logging Modifier and Type Field Description private static Logging
ParseUtil. LOG
Logging helper.private static Logging
Tokenizer. LOG
Class logger. -
Uses of Logging in elki.utilities.optionhandling.parameterization
Fields in elki.utilities.optionhandling.parameterization declared as Logging Modifier and Type Field Description private static Logging
AbstractParameterization. LOG
The logger of the class. -
Uses of Logging in elki.utilities.optionhandling.parameters
Fields in elki.utilities.optionhandling.parameters declared as Logging Modifier and Type Field Description private static Logging
ClassParameter. LOG
The class logger. -
Uses of Logging in elki.utilities.referencepoints
Fields in elki.utilities.referencepoints declared as Logging Modifier and Type Field Description private static Logging
GridBasedReferencePoints. LOG
Class logger. -
Uses of Logging in elki.utilities.scaling.outlier
Fields in elki.utilities.scaling.outlier declared as Logging Modifier and Type Field Description private static Logging
MixtureModelOutlierScaling. LOG
The logger for this class.private static Logging
SigmoidOutlierScaling. LOG
The logger for this class. -
Uses of Logging in elki.visualization
Fields in elki.visualization declared as Logging Modifier and Type Field Description private static Logging
VisualizerContext. LOG
Logger.private static Logging
VisualizerParameterizer. LOG
Get a logger for this class. -
Uses of Logging in elki.visualization.batikutil
Fields in elki.visualization.batikutil declared as Logging Modifier and Type Field Description private static Logging
ThumbnailRegistryEntry. LOG
The logger class. -
Uses of Logging in elki.visualization.gui
Fields in elki.visualization.gui declared as Logging Modifier and Type Field Description private static Logging
SelectionTableWindow. LOG
The logger -
Uses of Logging in elki.visualization.gui.detail
Fields in elki.visualization.gui.detail declared as Logging Modifier and Type Field Description private static Logging
DetailView. LOG
Class logger -
Uses of Logging in elki.visualization.gui.overview
Fields in elki.visualization.gui.overview declared as Logging Modifier and Type Field Description private static Logging
OverviewPlot. LOG
Our logging classprivate static Logging
RectangleArranger. LOG
Logging class -
Uses of Logging in elki.visualization.opticsplot
Fields in elki.visualization.opticsplot declared as Logging Modifier and Type Field Description private static Logging
OPTICSPlot. LOG
Logger -
Uses of Logging in elki.visualization.parallel3d
Fields in elki.visualization.parallel3d declared as Logging Modifier and Type Field Description private static Logging
OpenGL3DParallelCoordinates. LOG
Logging class.private static Logging
Parallel3DRenderer. LOG
Logging class. -
Uses of Logging in elki.visualization.savedialog
Fields in elki.visualization.savedialog declared as Logging Modifier and Type Field Description private static Logging
SVGSaveDialog. LOG
Static logger reference -
Uses of Logging in elki.visualization.silhouette
Fields in elki.visualization.silhouette declared as Logging Modifier and Type Field Description private static Logging
SilhouettePlot. LOG
Logger -
Uses of Logging in elki.visualization.style
Fields in elki.visualization.style declared as Logging Modifier and Type Field Description private static Logging
PropertiesBasedStyleLibrary. LOG
Logger -
Uses of Logging in elki.visualization.visualizers.optics
Fields in elki.visualization.visualizers.optics declared as Logging Modifier and Type Field Description private static Logging
OPTICSClusterVisualization. LOG
The logger for this class.private static Logging
OPTICSPlotSelectionVisualization. LOG
The logger for this class. -
Uses of Logging in elki.visualization.visualizers.pairsegments
Fields in elki.visualization.visualizers.pairsegments declared as Logging Modifier and Type Field Description private static Logging
CircleSegmentsVisualizer. LOG
Class logger -
Uses of Logging in elki.visualization.visualizers.parallel
Fields in elki.visualization.visualizers.parallel declared as Logging Modifier and Type Field Description private static Logging
ParallelAxisVisualization. LOG
Class logger -
Uses of Logging in elki.visualization.visualizers.parallel.selection
Fields in elki.visualization.visualizers.parallel.selection declared as Logging Modifier and Type Field Description private static Logging
SelectionToolAxisRangeVisualization. LOG
The logger for this class. -
Uses of Logging in elki.visualization.visualizers.scatterplot.cluster
Fields in elki.visualization.visualizers.scatterplot.cluster declared as Logging Modifier and Type Field Description private static Logging
EMClusterVisualization. LOG
Class logger. -
Uses of Logging in elki.visualization.visualizers.scatterplot.selection
Fields in elki.visualization.visualizers.scatterplot.selection declared as Logging Modifier and Type Field Description private static Logging
SelectionToolCubeVisualization. LOG
The logger for this class. -
Uses of Logging in elki.visualization.visualizers.silhouette
Fields in elki.visualization.visualizers.silhouette declared as Logging Modifier and Type Field Description private static Logging
SilhouettePlotSelectionToolVisualization. LOG
The logger for this class. -
Uses of Logging in elki.workflow
Fields in elki.workflow declared as Logging Modifier and Type Field Description private static Logging
AlgorithmStep. LOG
Logger -
Uses of Logging in tutorial.clustering
Fields in tutorial.clustering declared as Logging Modifier and Type Field Description private static Logging
NaiveAgglomerativeHierarchicalClustering1. LOG
Class loggerprivate static Logging
NaiveAgglomerativeHierarchicalClustering2. LOG
Class loggerprivate static Logging
NaiveAgglomerativeHierarchicalClustering3. LOG
Class loggerprivate static Logging
NaiveAgglomerativeHierarchicalClustering4. LOG
Class loggerprivate static Logging
SameSizeKMeans. LOG
Class loggerMethods in tutorial.clustering that return Logging Modifier and Type Method Description protected Logging
SameSizeKMeans. getLogger()
-