|
||||||||||
PREV NEXT | FRAMES NO FRAMES |
Uses of AbstractJob in org.apache.mahout.cf.taste.hadoop.als |
---|
Subclasses of AbstractJob in org.apache.mahout.cf.taste.hadoop.als | |
---|---|
class |
DatasetSplitter
Split a recommendation dataset into a training and a test set |
class |
FactorizationEvaluator
Measures the root-mean-squared error of a ratring matrix factorization against a test set. |
class |
ParallelALSFactorizationJob
MapReduce implementation of the two factorization algorithms described in |
class |
RecommenderJob
Computes the top-N recommendations per user from a decomposition of the rating matrix |
Uses of AbstractJob in org.apache.mahout.cf.taste.hadoop.preparation |
---|
Subclasses of AbstractJob in org.apache.mahout.cf.taste.hadoop.preparation | |
---|---|
class |
PreparePreferenceMatrixJob
|
Uses of AbstractJob in org.apache.mahout.cf.taste.hadoop.similarity.item |
---|
Subclasses of AbstractJob in org.apache.mahout.cf.taste.hadoop.similarity.item | |
---|---|
class |
ItemSimilarityJob
Distributed precomputation of the item-item-similarities for Itembased Collaborative Filtering |
Uses of AbstractJob in org.apache.mahout.cf.taste.hadoop.slopeone |
---|
Subclasses of AbstractJob in org.apache.mahout.cf.taste.hadoop.slopeone | |
---|---|
class |
SlopeOneAverageDiffsJob
|
Uses of AbstractJob in org.apache.mahout.classifier.naivebayes.test |
---|
Subclasses of AbstractJob in org.apache.mahout.classifier.naivebayes.test | |
---|---|
class |
TestNaiveBayesDriver
Test the (Complementary) Naive Bayes model that was built during training by running the iterating the test set and comparing it to the model |
Uses of AbstractJob in org.apache.mahout.classifier.naivebayes.training |
---|
Subclasses of AbstractJob in org.apache.mahout.classifier.naivebayes.training | |
---|---|
class |
TrainNaiveBayesJob
This class trains a Naive Bayes Classifier (Parameters for both Naive Bayes and Complementary Naive Bayes) |
Uses of AbstractJob in org.apache.mahout.clustering.canopy |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.canopy | |
---|---|
class |
CanopyDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.dirichlet |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.dirichlet | |
---|---|
class |
DirichletDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.fuzzykmeans |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.fuzzykmeans | |
---|---|
class |
FuzzyKMeansDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.kmeans |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.kmeans | |
---|---|
class |
KMeansDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.lda |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.lda | |
---|---|
class |
LDADriver
Estimates an LDA model from a corpus of documents, which are SparseVectors of word counts. |
Uses of AbstractJob in org.apache.mahout.clustering.lda.cvb |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.lda.cvb | |
---|---|
class |
CVB0Driver
See CachingCVB0Mapper for more details on scalability and room for improvement. |
class |
InMemoryCollapsedVariationalBayes0
Runs the same algorithm as CVB0Driver , but sequentially, in memory. |
Uses of AbstractJob in org.apache.mahout.clustering.meanshift |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.meanshift | |
---|---|
class |
MeanShiftCanopyDriver
This class implements the driver for Mean Shift Canopy clustering |
Uses of AbstractJob in org.apache.mahout.clustering.minhash |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.minhash | |
---|---|
class |
MinHashDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.spectral.eigencuts |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.spectral.eigencuts | |
---|---|
class |
EigencutsDriver
|
Uses of AbstractJob in org.apache.mahout.clustering.spectral.kmeans |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.spectral.kmeans | |
---|---|
class |
SpectralKMeansDriver
Implementation of the EigenCuts spectral clustering algorithm. |
Uses of AbstractJob in org.apache.mahout.clustering.topdown.postprocessor |
---|
Subclasses of AbstractJob in org.apache.mahout.clustering.topdown.postprocessor | |
---|---|
class |
ClusterOutputPostProcessorDriver
Post processes the output of clustering algorithms and groups them into respective clusters. |
Uses of AbstractJob in org.apache.mahout.fpm.pfpgrowth |
---|
Subclasses of AbstractJob in org.apache.mahout.fpm.pfpgrowth | |
---|---|
class |
FPGrowthDriver
|
Uses of AbstractJob in org.apache.mahout.graph |
---|
Subclasses of AbstractJob in org.apache.mahout.graph | |
---|---|
class |
AdjacencyMatrixJob
Distributed computation of the adjacency matrix of a graph, see http://en.wikipedia.org/wiki/Adjacency_matrix |
Uses of AbstractJob in org.apache.mahout.graph.linkanalysis |
---|
Subclasses of AbstractJob in org.apache.mahout.graph.linkanalysis | |
---|---|
class |
PageRankJob
Distributed computation of the PageRank a directed graph |
class |
RandomWalkWithRestartJob
Distributed computation of the proximities of vertices to a source vertex in a directed graph |
Uses of AbstractJob in org.apache.mahout.math.hadoop |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop | |
---|---|
class |
MatrixMultiplicationJob
|
class |
TransposeJob
Transpose a matrix |
Uses of AbstractJob in org.apache.mahout.math.hadoop.decomposer |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop.decomposer | |
---|---|
class |
DistributedLanczosSolver.DistributedLanczosSolverJob
Inner subclass of AbstractJob so we get access to AbstractJob's functionality w.r.t. |
class |
EigenVerificationJob
Class for taking the output of an eigendecomposition (specified as a Path location), and verifies correctness, in terms of the following: if you have a vector e, and a matrix m, then let e' = m.timesSquared(v); the error w.r.t. |
Uses of AbstractJob in org.apache.mahout.math.hadoop.similarity |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop.similarity | |
---|---|
class |
VectorDistanceSimilarityJob
This class does a Map-side join between seed vectors (the map side can also be a Cluster) and a list of other vectors and emits the a tuple of seed id, other id, distance. |
Uses of AbstractJob in org.apache.mahout.math.hadoop.similarity.cooccurrence |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop.similarity.cooccurrence | |
---|---|
class |
RowSimilarityJob
|
Uses of AbstractJob in org.apache.mahout.math.hadoop.solver |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop.solver | |
---|---|
class |
DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob
|
Uses of AbstractJob in org.apache.mahout.math.hadoop.stochasticsvd |
---|
Subclasses of AbstractJob in org.apache.mahout.math.hadoop.stochasticsvd | |
---|---|
class |
SSVDCli
Mahout CLI adapter for SSVDSolver |
Uses of AbstractJob in org.apache.mahout.math.stats.entropy |
---|
Subclasses of AbstractJob in org.apache.mahout.math.stats.entropy | |
---|---|
class |
ConditionalEntropy
A Hadoop job to compute the conditional entropy H(Value|Key) for a sequence file. |
class |
Entropy
A Hadoop job to compute the entropy of keys or values in a SequenceFile . |
class |
InformationGain
Calculates the information gain for a SequenceFile . |
class |
InformationGainRatio
A job to calculate the normalized information gain. |
Uses of AbstractJob in org.apache.mahout.vectorizer |
---|
Subclasses of AbstractJob in org.apache.mahout.vectorizer | |
---|---|
class |
EncodedVectorsFromSequenceFiles
Converts a given set of sequence files into SparseVectors |
class |
SparseVectorsFromSequenceFiles
Converts a given set of sequence files into SparseVectors |
Uses of AbstractJob in org.apache.mahout.vectorizer.collocations.llr |
---|
Subclasses of AbstractJob in org.apache.mahout.vectorizer.collocations.llr | |
---|---|
class |
CollocDriver
Driver for LLR Collocation discovery mapreduce job |
|
||||||||||
PREV NEXT | FRAMES NO FRAMES |