Uses of Class
org.apache.mahout.common.AbstractJob

Packages that use AbstractJob
org.apache.mahout.cf.taste.hadoop.als   
org.apache.mahout.cf.taste.hadoop.preparation   
org.apache.mahout.cf.taste.hadoop.similarity.item   
org.apache.mahout.classifier.naivebayes.test   
org.apache.mahout.classifier.naivebayes.training   
org.apache.mahout.clustering.canopy   
org.apache.mahout.clustering.classify   
org.apache.mahout.clustering.fuzzykmeans   
org.apache.mahout.clustering.kmeans This package provides an implementation of the k-means clustering algorithm. 
org.apache.mahout.clustering.lda.cvb   
org.apache.mahout.clustering.spectral.kmeans   
org.apache.mahout.clustering.streaming.mapreduce   
org.apache.mahout.clustering.topdown.postprocessor   
org.apache.mahout.fpm.pfpgrowth MapReduce (parallel) implementation of FP Growth Algorithm for frequent Itemset Mining 
org.apache.mahout.math.hadoop   
org.apache.mahout.math.hadoop.decomposer   
org.apache.mahout.math.hadoop.similarity   
org.apache.mahout.math.hadoop.similarity.cooccurrence   
org.apache.mahout.math.hadoop.solver   
org.apache.mahout.math.hadoop.stochasticsvd   
org.apache.mahout.vectorizer   
org.apache.mahout.vectorizer.collocations.llr   
 

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 rating 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.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.classify
 

Subclasses of AbstractJob in org.apache.mahout.clustering.classify
 class ClusterClassificationDriver
          Classifies the vectors into different clusters found by the clustering algorithm.
 

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.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.spectral.kmeans
 

Subclasses of AbstractJob in org.apache.mahout.clustering.spectral.kmeans
 class SpectralKMeansDriver
          Performs spectral k-means clustering on the top k eigenvectors of the input affinity matrix.
 

Uses of AbstractJob in org.apache.mahout.clustering.streaming.mapreduce
 

Subclasses of AbstractJob in org.apache.mahout.clustering.streaming.mapreduce
 class StreamingKMeansDriver
          Classifies the vectors into different clusters found by the 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.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.vectorizer
 

Subclasses of AbstractJob in org.apache.mahout.vectorizer
 class DictionaryVectorizer
          This class converts a set of input documents in the sequence file format to vectors.
 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
 



Copyright © 2008–2014 The Apache Software Foundation. All rights reserved.