org.apache.mahout.utils.vectors.VectorDumper = vectordump : Dump vectors from a sequence file to text org.apache.mahout.utils.clustering.ClusterDumper = clusterdump : Dump cluster output to text org.apache.mahout.utils.SequenceFileDumper = seqdumper : Generic Sequence File dumper org.apache.mahout.utils.eval.DatasetSplitter = splitDataset : split a rating dataset into training and probe parts org.apache.mahout.utils.eval.InMemoryFactorizationEvaluator = evaluateFactorization : compute RMSE of a rating matrix factorization against probes in memory org.apache.mahout.utils.eval.ParallelFactorizationEvaluator = evaluateFactorizationParallel : compute RMSE of a rating matrix factorization against probes org.apache.mahout.clustering.kmeans.KMeansDriver = kmeans : K-means clustering org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver = fkmeans : Fuzzy K-means clustering org.apache.mahout.clustering.lda.LDADriver = lda : Latent Dirchlet Allocation org.apache.mahout.clustering.lda.LDAPrintTopics = ldatopics : LDA Print Topics org.apache.mahout.fpm.pfpgrowth.FPGrowthDriver = fpg : Frequent Pattern Growth org.apache.mahout.clustering.dirichlet.DirichletDriver = dirichlet : Dirichlet Clustering org.apache.mahout.clustering.meanshift.MeanShiftCanopyDriver = meanshift : Mean Shift clustering org.apache.mahout.clustering.canopy.CanopyDriver = canopy : Canopy clustering org.apache.mahout.math.hadoop.TransposeJob = transpose : Take the transpose of a matrix org.apache.mahout.math.hadoop.MatrixMultiplicationJob = matrixmult : Take the product of two matrices org.apache.mahout.utils.vectors.lucene.Driver = lucene.vector : Generate Vectors from a Lucene index org.apache.mahout.utils.vectors.arff.Driver = arff.vector : Generate Vectors from an ARFF file or directory org.apache.mahout.text.SequenceFilesFromDirectory = seqdirectory : Generate sequence files (of Text) from a directory org.apache.mahout.vectorizer.SparseVectorsFromSequenceFiles = seq2sparse: Sparse Vector generation from Text sequence files org.apache.mahout.utils.vectors.RowIdJob = rowid : Map SequenceFile to {SequenceFile, SequenceFile} org.apache.mahout.text.WikipediaToSequenceFile = seqwiki : Wikipedia xml dump to sequence file org.apache.mahout.classifier.bayes.TestClassifier = testclassifier : Test Bayes Classifier org.apache.mahout.classifier.bayes.TrainClassifier = trainclassifier : Train Bayes Classifier org.apache.mahout.classifier.bayes.PrepareTwentyNewsgroups = prepare20newsgroups : Reformat 20 newsgroups data org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver = svd : Lanczos Singular Value Decomposition org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob = cleansvd : Cleanup and verification of SVD output org.apache.mahout.math.hadoop.similarity.RowSimilarityJob = rowsimilarity : Compute the pairwise similarities of the rows of a matrix org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob = itemsimilarity : Compute the item-item-similarities for item-based collaborative filtering org.apache.mahout.cf.taste.hadoop.item.RecommenderJob = recommenditembased : Compute recommendations using item-based collaborative filtering org.apache.mahout.classifier.sgd.TrainLogistic = trainlogistic : Train a logistic regression using stochastic gradient descent org.apache.mahout.classifier.sgd.RunLogistic = runlogistic : Run a logistic regression model against CSV data org.apache.mahout.classifier.sgd.PrintResourceOrFile = cat : Print a file or resource as the logistic regression models would see it org.apache.mahout.classifier.bayes.WikipediaXmlSplitter = wikipediaXMLSplitter : Reads wikipedia data and creates ch org.apache.mahout.classifier.bayes.WikipediaDatasetCreatorDriver = wikipediaDataSetCreator : Splits data set of wikipedia wrt feature like country org.apache.mahout.math.hadoop.stochasticsvd.SSVDCli = ssvd : Stochastic SVD org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver = eigencuts : Eigencuts spectral clustering org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver = spectralkmeans : Spectral k-means clustering org.apache.mahout.cf.taste.hadoop.als.ParallelALSFactorizationJob = parallelALS : ALS-WR factorization of a rating matrix org.apache.mahout.cf.taste.hadoop.als.PredictionJob = predictFromFactorization : predict preferences from a factorization of a rating matrix