Skip navigation links
A B C D E F G H I J K L M N O P Q R S T U V W X Y 

A

AbstractCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
Abstract base implementation for retrieving candidate items to recommend
AbstractCandidateItemsStrategy() - Constructor for class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
AbstractCluster - Class in org.apache.mahout.clustering
 
AbstractCluster() - Constructor for class org.apache.mahout.clustering.AbstractCluster
 
AbstractCluster(Vector, int) - Constructor for class org.apache.mahout.clustering.AbstractCluster
 
AbstractCluster(Vector, Vector, int) - Constructor for class org.apache.mahout.clustering.AbstractCluster
 
AbstractClusteringPolicy - Class in org.apache.mahout.clustering.iterator
 
AbstractClusteringPolicy() - Constructor for class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
AbstractDataModel - Class in org.apache.mahout.cf.taste.impl.model
Contains some features common to all implementations.
AbstractDataModel() - Constructor for class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
 
AbstractDifferenceRecommenderEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
Abstract superclass of a couple implementations, providing shared functionality.
AbstractDifferenceRecommenderEvaluator() - Constructor for class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
AbstractDifferenceRecommenderEvaluator.PreferenceEstimateCallable - Class in org.apache.mahout.cf.taste.impl.eval
 
AbstractFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
base class for Factorizers, provides ID to index mapping
AbstractFactorizer(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.AbstractFactorizer
 
AbstractIDMigrator - Class in org.apache.mahout.cf.taste.impl.model
 
AbstractIDMigrator() - Constructor for class org.apache.mahout.cf.taste.impl.model.AbstractIDMigrator
 
AbstractItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
 
AbstractItemSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.AbstractItemSimilarity
 
AbstractJDBCComponent - Class in org.apache.mahout.cf.taste.impl.common.jdbc
A helper class with common elements for several JDBC-related components.
AbstractJDBCComponent() - Constructor for class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
 
AbstractJDBCIDMigrator - Class in org.apache.mahout.cf.taste.impl.model
Implementation which stores the reverse long-to-String mapping in a database.
AbstractJDBCIDMigrator(DataSource, String, String) - Constructor for class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
AbstractJob - Class in org.apache.mahout.common
Superclass of many Mahout Hadoop "jobs".
AbstractJob() - Constructor for class org.apache.mahout.common.AbstractJob
 
AbstractLongPrimitiveIterator - Class in org.apache.mahout.cf.taste.impl.common
 
AbstractLongPrimitiveIterator() - Constructor for class org.apache.mahout.cf.taste.impl.common.AbstractLongPrimitiveIterator
 
AbstractNaiveBayesClassifier - Class in org.apache.mahout.classifier.naivebayes
Class implementing the Naive Bayes Classifier Algorithm.
AbstractNaiveBayesClassifier(NaiveBayesModel) - Constructor for class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
AbstractOnlineLogisticRegression - Class in org.apache.mahout.classifier.sgd
Generic definition of a 1 of n logistic regression classifier that returns probabilities in response to a feature vector.
AbstractOnlineLogisticRegression() - Constructor for class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
AbstractParameter<T> - Class in org.apache.mahout.common.parameters
 
AbstractParameter(Class<T>, String, String, Configuration, T, String) - Constructor for class org.apache.mahout.common.parameters.AbstractParameter
 
AbstractRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
 
AbstractRecommender(DataModel, CandidateItemsStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
 
AbstractRecommender(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
 
AbstractVectorClassifier - Class in org.apache.mahout.classifier
Defines the interface for classifiers that take a vector as input.
AbstractVectorClassifier() - Constructor for class org.apache.mahout.classifier.AbstractVectorClassifier
 
ABtDenseOutJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Computes ABt products, then first step of QR which is pushed down to the reducer.
ABtDenseOutJob.ABtMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
So, here, i preload A block into memory.
ABtDenseOutJob.QRReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
QR first step pushed down to reducer.
ABtJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Computes ABt products, then first step of QR which is pushed down to the reducer.
ABtJob.ABtMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
So, here, i preload A block into memory.
ABtJob.QRReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
QR first step pushed down to reducer.
ABtMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 
ABtMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.ABtMapper
 
accum - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
accum - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
accum - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
accumDots(int, double, double[]) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
 
accumDots(int, double, Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
 
AdaptiveLogisticRegression - Class in org.apache.mahout.classifier.sgd
This is a meta-learner that maintains a pool of ordinary OnlineLogisticRegression learners.
AdaptiveLogisticRegression() - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
AdaptiveLogisticRegression(int, int, PriorFunction) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
AdaptiveLogisticRegression(int, int, PriorFunction, int, int) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
AdaptiveLogisticRegression.TrainingExample - Class in org.apache.mahout.classifier.sgd
 
AdaptiveLogisticRegression.Wrapper - Class in org.apache.mahout.classifier.sgd
Provides a shim between the EP optimization stuff and the CrossFoldLearner.
AdaptiveWordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Encodes words into vectors much as does WordValueEncoder while maintaining an adaptive dictionary of values seen so far.
AdaptiveWordValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
 
add(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
add(SimilarItems) - Method in class org.apache.mahout.cf.taste.impl.similarity.precompute.FileSimilarItemsWriter
 
add(SimilarItems) - Method in interface org.apache.mahout.cf.taste.similarity.precompute.SimilarItemsWriter
 
add(int[], int[]) - Static method in class org.apache.mahout.classifier.df.data.DataUtils
Deprecated.
foreach i : array1[i] += array2[i]
add(int, double) - Method in class org.apache.mahout.classifier.evaluation.Auc
Adds a score to the AUC buffers.
add(int, int) - Method in class org.apache.mahout.classifier.evaluation.Auc
 
add(Integer) - Method in class org.apache.mahout.common.IntegerTuple
add an entry to the end of the list
add(String) - Method in class org.apache.mahout.common.StringTuple
add an entry to the end of the list
add(State<T, U>) - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
add(Vector) - Method in class org.apache.mahout.math.neighborhood.BruteSearch
 
add(Vector) - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
Add a new Vector to the Searcher that will be checked when getting the nearest neighbors.
add(Vector) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
add(Vector) - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
Adds a WeightedVector into the set of projections for later searching.
add(Vector) - Method in class org.apache.mahout.math.neighborhood.Searcher
Add a new Vector to the Searcher that will be checked when getting the nearest neighbors.
addAll(long[]) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
addAll(FastIDSet) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
addAll(Iterable<? extends Vector>) - Method in class org.apache.mahout.math.neighborhood.Searcher
Adds all the data elements in the Searcher.
addAllMatrixSlices(Iterable<MatrixSlice>) - Method in class org.apache.mahout.math.neighborhood.Searcher
Adds all the data elements in the Searcher.
addAllMatrixSlicesAsWeightedVectors(Iterable<MatrixSlice>) - Method in class org.apache.mahout.math.neighborhood.Searcher
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
addDatum(double) - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
addDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
addDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
addDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
addDependency(Refreshable) - Method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
Add a dependency to be refreshed first when the encapsulating object does.
addFlag(String, String, String) - Method in class org.apache.mahout.common.AbstractJob
Add an option with no argument whose presence can be checked for using containsKey method on the map returned by AbstractJob.parseArguments(String[]);
addInputOption() - Method in class org.apache.mahout.common.AbstractJob
Add the default input directory option, '-i' which takes a directory name as an argument.
addInstance(String, ClassifierResult) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
addInstance(String, String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
addInstance(double, double) - Method in class org.apache.mahout.classifier.RegressionResultAnalyzer
 
addInstance(String, ClassifierResult) - Method in class org.apache.mahout.classifier.ResultAnalyzer
 
addInteractionToVector(String, String, double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
Adds a value to a vector.
addInteractionToVector(byte[], byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
Adds a value to a vector.
addModel(OnlineLogisticRegression) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
addOption(String, String, String) - Method in class org.apache.mahout.common.AbstractJob
Add an option to the the set of options this job will parse when AbstractJob.parseArguments(String[]) is called.
addOption(String, String, String, boolean) - Method in class org.apache.mahout.common.AbstractJob
Add an option to the the set of options this job will parse when AbstractJob.parseArguments(String[]) is called.
addOption(String, String, String, String) - Method in class org.apache.mahout.common.AbstractJob
Add an option to the the set of options this job will parse when AbstractJob.parseArguments(String[]) is called.
addOption(Option) - Method in class org.apache.mahout.common.AbstractJob
Add an arbitrary option to the set of options this job will parse when AbstractJob.parseArguments(String[]) is called.
addOutputOption() - Method in class org.apache.mahout.common.AbstractJob
Add the default output directory option, '-o' which takes a directory name as an argument.
addPointToCanopies(Vector, Collection<Canopy>) - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
This is the same algorithm as the reference but inverted to iterate over existing canopies instead of the points.
addSample(int, String, double) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
addSample(int, double) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
addSample(int, String, double) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
addSample(int, double) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
addSample(int, String, double) - Method in interface org.apache.mahout.math.stats.OnlineAuc
 
addSample(int, double) - Method in interface org.apache.mahout.math.stats.OnlineAuc
 
addText(byte[]) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Adds text to the internal word counter, but delays converting it to vector form until flush is called.
addText(CharSequence) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Adds text to the internal word counter, but delays converting it to vector form until flush is called.
addToHistory(int, Vector) - Method in class org.apache.mahout.classifier.sgd.RankingGradient
 
addToVector(String, double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
Adds a value to a vector.
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.ConstantValueEncoder
 
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.ContinuousValueEncoder
Adds a value to a vector.
addToVector(String, Vector) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Adds a value expressed in string form to a vector.
addToVector(byte[], Vector) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Adds a value expressed in byte array form to a vector.
addToVector(String, double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Adds a weighted value expressed in string form to a vector.
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
addToVector(String, double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
Adds a value to a vector.
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
Adds a value to a vector.
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Adds a value to a vector after tokenizing it by splitting on non-alphanum characters.
addToVector(byte[], double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
Adds a value to a vector.
adjust(int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
AFFINITY_DIMENSIONS - Static variable in class org.apache.mahout.clustering.spectral.Keys
 
AffinityMatrixInputJob - Class in org.apache.mahout.clustering.spectral
 
AffinityMatrixInputMapper - Class in org.apache.mahout.clustering.spectral
Handles reading the files representing the affinity matrix.
AffinityMatrixInputMapper() - Constructor for class org.apache.mahout.clustering.spectral.AffinityMatrixInputMapper
 
AffinityMatrixInputReducer - Class in org.apache.mahout.clustering.spectral
Tasked with taking each DistributedRowMatrix entry and collecting them into vectors corresponding to rows.
AffinityMatrixInputReducer() - Constructor for class org.apache.mahout.clustering.spectral.AffinityMatrixInputReducer
 
age(double, double, double) - Method in class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
age(double, double, double) - Method in class org.apache.mahout.classifier.sgd.L1
 
age(double, double, double) - Method in class org.apache.mahout.classifier.sgd.L2
 
age(double, double, double) - Method in interface org.apache.mahout.classifier.sgd.PriorFunction
Applies the regularization to a coefficient.
age(double, double, double) - Method in class org.apache.mahout.classifier.sgd.TPrior
 
age(double, double, double) - Method in class org.apache.mahout.classifier.sgd.UniformPrior
 
aggregate(double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
aggregate(double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CountbasedMeasure
 
aggregate(double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
aggregate(double, double) - Method in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
AggregateAndRecommendReducer - Class in org.apache.mahout.cf.taste.hadoop.item
computes prediction values for each user
AggregateAndRecommendReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.AggregateAndRecommendReducer
 
allItemFeatures() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
allSimilarItemIDs(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.AbstractItemSimilarity
 
allSimilarItemIDs(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
 
allSimilarItemIDs(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
allSimilarItemIDs(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
 
allSimilarItemIDs(long) - Method in interface org.apache.mahout.cf.taste.similarity.ItemSimilarity
 
AllSimilarItemsCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
returns the result of ItemSimilarity.allSimilarItemIDs(long) as candidate items
AllSimilarItemsCandidateItemsStrategy(ItemSimilarity) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.AllSimilarItemsCandidateItemsStrategy
 
AllUnknownItemsCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
 
AllUnknownItemsCandidateItemsStrategy() - Constructor for class org.apache.mahout.cf.taste.impl.recommender.AllUnknownItemsCandidateItemsStrategy
 
allUserFeatures() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
alpha(double) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
alpha(double) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
Chainable configuration option.
ALPHA_I - Static variable in class org.apache.mahout.classifier.naivebayes.training.ThetaMapper
 
alphaI() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
alphaI() - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
ALSWRFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
factorizes the rating matrix using "Alternating-Least-Squares with Weighted-λ-Regularization" as described in "Large-scale Collaborative Filtering for the Netflix Prize" also supports the implicit feedback variant of this approach as described in "Collaborative Filtering for Implicit Feedback Datasets" available at http://research.yahoo.com/pub/2433
ALSWRFactorizer(DataModel, int, double, int, boolean, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
ALSWRFactorizer(DataModel, int, double, int, boolean, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
ALSWRFactorizer(DataModel, int, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
ANALYZER_CLASS - Static variable in class org.apache.mahout.vectorizer.DocumentProcessor
 
ANALYZER_NAME - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
ANALYZER_NAME_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
analyzerOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specifying a Lucene analyzer class
AnalyzerUtils - Class in org.apache.mahout.common.lucene
 
appendRow(double[]) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
api for row-by-row addition
apply(String, int, Vector, AbstractVectorClassifier) - Method in class org.apache.mahout.classifier.sgd.DefaultGradient
Provides a default gradient computation useful for logistic regression.
apply(String, int, Vector, AbstractVectorClassifier) - Method in interface org.apache.mahout.classifier.sgd.Gradient
 
apply(String, int, Vector, AbstractVectorClassifier) - Method in class org.apache.mahout.classifier.sgd.MixedGradient
 
apply(String, int, Vector, AbstractVectorClassifier) - Method in class org.apache.mahout.classifier.sgd.RankingGradient
 
apply(T, double[]) - Method in interface org.apache.mahout.ep.EvolutionaryProcess.Function
 
apply(double) - Method in class org.apache.mahout.ep.Mapping.Exponential
 
apply(double) - Method in class org.apache.mahout.ep.Mapping.Identity
 
apply(double) - Method in class org.apache.mahout.ep.Mapping.LogLimit
 
apply(double) - Method in class org.apache.mahout.ep.Mapping.SoftLimit
 
applyGivensInPlace(double, double, double[], double[], int, int) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
applyGivensInPlace(double, double, Vector, Vector, int, int) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
applyGivensInPlace(double, double, int, int, Matrix) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
argMap - Variable in class org.apache.mahout.common.AbstractJob
 
asFormatString(String[]) - Method in class org.apache.mahout.clustering.AbstractCluster
 
asFormatString() - Method in class org.apache.mahout.clustering.canopy.Canopy
Deprecated.
 
asFormatString(String[]) - Method in interface org.apache.mahout.clustering.Cluster
Produce a custom, human-friendly, printable representation of the Cluster.
asFormatString() - Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
 
asFormatString() - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
asJson(String[]) - Method in class org.apache.mahout.clustering.AbstractCluster
 
asJson(String[]) - Method in interface org.apache.mahout.clustering.Cluster
Produce a JSON representation of the Cluster.
assign(HmmModel) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Assign the content of another HMM model to this one
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.ConstantValueEncoder
 
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.ContinuousValueEncoder
Converts a value into a form that would help a human understand the internals of how the value is being interpreted.
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Converts a value into a form that would help a human understand the internals of how the value is being interpreted.
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
Converts a value into a form that would help a human understand the internals of how the value is being interpreted.
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Converts a value into a form that would help a human understand the internals of how the value is being interpreted.
asString(String) - Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
Converts a value into a form that would help a human understand the internals of how the value is being interpreted.
Auc - Class in org.apache.mahout.classifier.evaluation
Computes AUC and a few other accuracy statistics without storing huge amounts of data.
Auc(double) - Constructor for class org.apache.mahout.classifier.evaluation.Auc
Allocates a new data-structure for accumulating information about AUC and a few other accuracy measures.
Auc() - Constructor for class org.apache.mahout.classifier.evaluation.Auc
 
auc() - Method in class org.apache.mahout.classifier.evaluation.Auc
Computes the AUC of points seen so far.
auc() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
What is the AUC for the current best member of the population.
auc() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
auc() - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
auc() - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
auc() - Method in interface org.apache.mahout.math.stats.OnlineAuc
 
AverageAbsoluteDifferenceRecommenderEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
A RecommenderEvaluator which computes the average absolute difference between predicted and actual ratings for users.
AverageAbsoluteDifferenceRecommenderEvaluator() - Constructor for class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
 
AveragingPreferenceInferrer - Class in org.apache.mahout.cf.taste.impl.similarity
Implementations of this interface compute an inferred preference for a user and an item that the user has not expressed any preference for.
AveragingPreferenceInferrer(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
 

B

BACKFILL_PERPLEXITY - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
backwardAlgorithm(HmmModel, int[], boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmAlgorithms
External function to compute a matrix of beta factors
Bagging - Class in org.apache.mahout.classifier.df
Deprecated.
Bagging(TreeBuilder, Data) - Constructor for class org.apache.mahout.classifier.df.Bagging
Deprecated.
 
bagging(Random) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
if data has N cases, sample N cases at random -but with replacement.
bagging(Random, boolean[]) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
if data has N cases, sample N cases at random -but with replacement.
BallKMeans - Class in org.apache.mahout.clustering.streaming.cluster
Implements a ball k-means algorithm for weighted vectors with probabilistic seeding similar to k-means++.
BallKMeans(UpdatableSearcher, int, int) - Constructor for class org.apache.mahout.clustering.streaming.cluster.BallKMeans
 
BallKMeans(UpdatableSearcher, int, int, boolean, int) - Constructor for class org.apache.mahout.clustering.streaming.cluster.BallKMeans
 
BallKMeans(UpdatableSearcher, int, int, double, boolean, boolean, double, int) - Constructor for class org.apache.mahout.clustering.streaming.cluster.BallKMeans
 
BasicStats - Class in org.apache.mahout.math.hadoop.stats
Methods for calculating basic stats (mean, variance, stdDev, etc.) in map/reduce
BASIS_PREFIX - Static variable in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
BatchItemSimilarities - Class in org.apache.mahout.cf.taste.similarity.precompute
 
BatchItemSimilarities(ItemBasedRecommender, int) - Constructor for class org.apache.mahout.cf.taste.similarity.precompute.BatchItemSimilarities
 
batchTrain(Map<Vector, Vector>, boolean, int) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
BaumWelchTrainer - Class in org.apache.mahout.classifier.sequencelearning.hmm
A class for EM training of HMM from console
BayesTestMapper - Class in org.apache.mahout.classifier.naivebayes.test
Run the input through the model and see if it matches.
BayesTestMapper() - Constructor for class org.apache.mahout.classifier.naivebayes.test.BayesTestMapper
 
BayesUtils - Class in org.apache.mahout.classifier.naivebayes
 
beta - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
biasLearningRate - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
biasReg - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
BLOCKHEIGHT - Static variable in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
blockHeight - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
blockHeight - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
blockHeight - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
blockHeight - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
BOOLEAN_DATA - Static variable in class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
 
BooleanItemPreferenceArray - Class in org.apache.mahout.cf.taste.impl.model
Like BooleanUserPreferenceArray but stores preferences for one item (all item IDs the same) rather than one user.
BooleanItemPreferenceArray(int) - Constructor for class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
BooleanItemPreferenceArray(List<? extends Preference>, boolean) - Constructor for class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
BooleanPreference - Class in org.apache.mahout.cf.taste.impl.model
Encapsulates a simple boolean "preference" for an item whose value does not matter (is fixed at 1.0).
BooleanPreference(long, long) - Constructor for class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
BooleanUserPreferenceArray - Class in org.apache.mahout.cf.taste.impl.model
Like GenericUserPreferenceArray but stores, conceptually, BooleanPreference objects which have no associated preference value.
BooleanUserPreferenceArray(int) - Constructor for class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
BooleanUserPreferenceArray(List<? extends Preference>) - Constructor for class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
BOTTOM_LEVEL_CLUSTER_DIRECTORY - Static variable in class org.apache.mahout.clustering.topdown.PathDirectory
 
BruteSearch - Class in org.apache.mahout.math.neighborhood
Search for nearest neighbors using a complete search (i.e.
BruteSearch(DistanceMeasure) - Constructor for class org.apache.mahout.math.neighborhood.BruteSearch
 
BtJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Bt job.
BtJob.BtMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
BtJob.OuterProductCombiner - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
BtJob.OuterProductReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
BtMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.BtMapper
 
build(Random) - Method in class org.apache.mahout.classifier.df.Bagging
Deprecated.
Builds one tree
build(Random, Data) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
build(Random, Data) - Method in class org.apache.mahout.classifier.df.builder.DefaultTreeBuilder
Deprecated.
 
build(Random, Data) - Method in interface org.apache.mahout.classifier.df.builder.TreeBuilder
Deprecated.
Builds a Decision tree using the training data
build(int) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
 
build(int) - Method in class org.apache.mahout.classifier.df.ref.SequentialBuilder
Deprecated.
 
buildClusters(Configuration, Path, Path, DistanceMeasure, double, double, int, boolean) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
Convenience method for backwards compatibility
buildClusters(Configuration, Path, Path, DistanceMeasure, double, double, double, double, int, boolean) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
Build a directory of Canopy clusters from the input vectors and other arguments.
buildClusters(Configuration, Path, Path, Path, double, int, float, boolean) - Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
Iterate over the input vectors to produce cluster directories for each iteration
buildClusters(Configuration, Path, Path, Path, int, String, boolean) - Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
Iterate over the input vectors to produce cluster directories for each iteration
buildDataModel(FastByIDMap<PreferenceArray>) - Method in interface org.apache.mahout.cf.taste.eval.DataModelBuilder
Builds a DataModel implementation to be used in an evaluation, given training data.
buildDirList(FileSystem, FileStatus) - Static method in class org.apache.mahout.common.HadoopUtil
Builds a comma-separated list of input splits
buildDirList(FileSystem, FileStatus, PathFilter) - Static method in class org.apache.mahout.common.HadoopUtil
Builds a comma-separated list of input splits
Builder - Class in org.apache.mahout.classifier.df.mapreduce
Deprecated.
Builder(TreeBuilder, Path, Path, Long, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
 
buildFromEigens(Configuration, Path, Path, int, DistanceMeasure) - Static method in class org.apache.mahout.clustering.spectral.kmeans.EigenSeedGenerator
 
buildModel() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
buildOption(String, String, String, boolean, boolean, String) - Static method in class org.apache.mahout.common.AbstractJob
Build an option with the given parameters.
buildOption(String, String, String, boolean, int, int, boolean, String) - Static method in class org.apache.mahout.common.AbstractJob
 
buildRandom(Configuration, Path, Path, int, DistanceMeasure) - Static method in class org.apache.mahout.clustering.kmeans.RandomSeedGenerator
 
buildRandom(Configuration, Path, Path, int, DistanceMeasure, Long) - Static method in class org.apache.mahout.clustering.kmeans.RandomSeedGenerator
 
buildRecommender(DataModel) - Method in interface org.apache.mahout.cf.taste.eval.RecommenderBuilder
Builds a Recommender implementation to be evaluated, using the given DataModel.
buildRefreshed(Collection<Refreshable>) - Static method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
Creates a new and empty Collection if the method parameter is null.
buildTransposeJob(Path, Path, int) - Static method in class org.apache.mahout.math.hadoop.TransposeJob
 
buildTransposeJob(Configuration, Path, Path, int) - Static method in class org.apache.mahout.math.hadoop.TransposeJob
 
bytesForString(String) - Static method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
ByValueRecommendedItemComparator - Class in org.apache.mahout.cf.taste.impl.recommender
Defines a natural ordering from most-preferred item (highest value) to least-preferred.
ByValueRecommendedItemComparator() - Constructor for class org.apache.mahout.cf.taste.impl.recommender.ByValueRecommendedItemComparator
 

C

Cache<K,V> - Class in org.apache.mahout.cf.taste.impl.common
An efficient Map-like class which caches values for keys.
Cache(Retriever<? super K, ? extends V>) - Constructor for class org.apache.mahout.cf.taste.impl.common.Cache
Creates a new cache based on the given Retriever.
Cache(Retriever<? super K, ? extends V>, int) - Constructor for class org.apache.mahout.cf.taste.impl.common.Cache
Creates a new cache based on the given Retriever and with given maximum size.
Cache.MatchPredicate<T> - Interface in org.apache.mahout.cf.taste.impl.common
Used by {#link #removeKeysMatching(Object)} to decide things that are matching.
cacheFiles(Path, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
CachingContinuousValueEncoder - Class in org.apache.mahout.vectorizer.encoders
 
CachingContinuousValueEncoder(String, int) - Constructor for class org.apache.mahout.vectorizer.encoders.CachingContinuousValueEncoder
 
CachingCVB0Mapper - Class in org.apache.mahout.clustering.lda.cvb
Run ensemble learning via loading the ModelTrainer with two TopicModel instances: one from the previous iteration, the other empty.
CachingCVB0Mapper() - Constructor for class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
CachingCVB0PerplexityMapper - Class in org.apache.mahout.clustering.lda.cvb
 
CachingCVB0PerplexityMapper() - Constructor for class org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper
 
CachingCVB0PerplexityMapper.Counters - Enum in org.apache.mahout.clustering.lda.cvb
Hadoop counters for CachingCVB0PerplexityMapper, to aid in debugging.
CachingItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
Caches the results from an underlying ItemSimilarity implementation.
CachingItemSimilarity(ItemSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
Creates this on top of the given ItemSimilarity.
CachingItemSimilarity(ItemSimilarity, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
Creates this on top of the given ItemSimilarity.
CachingRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A Recommender which caches the results from another Recommender in memory.
CachingRecommender(Recommender) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
CachingStaticWordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
 
CachingStaticWordValueEncoder(String, int) - Constructor for class org.apache.mahout.vectorizer.encoders.CachingStaticWordValueEncoder
 
CachingTextValueEncoder - Class in org.apache.mahout.vectorizer.encoders
 
CachingTextValueEncoder(String, int) - Constructor for class org.apache.mahout.vectorizer.encoders.CachingTextValueEncoder
 
CachingUserNeighborhood - Class in org.apache.mahout.cf.taste.impl.neighborhood
A caching wrapper around an underlying UserNeighborhood implementation.
CachingUserNeighborhood(UserNeighborhood, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.CachingUserNeighborhood
 
CachingUserSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
Caches the results from an underlying UserSimilarity implementation.
CachingUserSimilarity(UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
Creates this on top of the given UserSimilarity.
CachingUserSimilarity(UserSimilarity, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
Creates this on top of the given UserSimilarity.
CachingValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Provides basic hashing semantics for encoders where the probe locations depend only on the name of the variable.
CachingValueEncoder(String, int) - Constructor for class org.apache.mahout.vectorizer.encoders.CachingValueEncoder
 
calcRelativeFilePath(Configuration, Path) - Static method in class org.apache.mahout.common.HadoopUtil
 
calculate(int, int, int, int) - Method in class org.apache.mahout.vectorizer.TF
 
calculate(int, int, int, int) - Method in class org.apache.mahout.vectorizer.TFIDF
 
calculate(int, int, int, int) - Method in interface org.apache.mahout.vectorizer.Weight
Experimental
calculateConvergence(double) - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
calculateDerivativeValue(double, double) - Method in interface org.apache.mahout.clustering.kernel.IKernelProfile
 
calculateDerivativeValue(double, double) - Method in class org.apache.mahout.clustering.kernel.TriangularKernelProfile
 
calculateDF(Path, Path, Configuration, int) - Static method in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
Calculates the document frequencies of all terms from the input set of vectors in SequenceFile format.
calculatePerplexity(VectorIterable, VectorIterable) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
calculatePerplexity(VectorIterable, VectorIterable, double) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
calculatePerplexity(Vector, Vector, int) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
call() - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator.PreferenceEstimateCallable
 
call() - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansThread
 
CandidateItemsStrategy - Interface in org.apache.mahout.cf.taste.recommender
Used to retrieve all items that could possibly be recommended to the user
Canopy - Class in org.apache.mahout.clustering.canopy
Deprecated.
Canopy() - Constructor for class org.apache.mahout.clustering.canopy.Canopy
Deprecated.
Used for deserialization as a writable
Canopy(Vector, int, DistanceMeasure) - Constructor for class org.apache.mahout.clustering.canopy.Canopy
Deprecated.
Create a new Canopy containing the given point and canopyId
CanopyClusterer - Class in org.apache.mahout.clustering.canopy
Deprecated.
CanopyClusterer(DistanceMeasure, double, double) - Constructor for class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
CanopyClusteringPolicy - Class in org.apache.mahout.clustering.iterator
Deprecated.
CanopyClusteringPolicy() - Constructor for class org.apache.mahout.clustering.iterator.CanopyClusteringPolicy
Deprecated.
 
CanopyConfigKeys - Class in org.apache.mahout.clustering.canopy
Deprecated.
canopyCovers(Canopy, Vector) - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
Return if the point is covered by the canopy
CanopyDriver - Class in org.apache.mahout.clustering.canopy
Deprecated.
CanopyDriver() - Constructor for class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
 
CanopyReducer - Class in org.apache.mahout.clustering.canopy
Deprecated.
CanopyReducer() - Constructor for class org.apache.mahout.clustering.canopy.CanopyReducer
Deprecated.
 
capEstimate(float) - Method in class org.apache.mahout.cf.taste.impl.recommender.EstimatedPreferenceCapper
 
capToMaxValue(float) - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
CARDINALITY - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
castVectorsToCentroids(Iterable<Vector>) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansUtilsMR
Returns an Iterable of Centroid from an Iterable of Vector by either casting each Vector to Centroid (if the instance extends Centroid) or create a new Centroid based on that Vector.
CategoricalNode - Class in org.apache.mahout.classifier.df.node
Deprecated.
CategoricalNode() - Constructor for class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
CategoricalNode(int, double[], Node[]) - Constructor for class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
CentroidWritable - Class in org.apache.mahout.clustering.streaming.mapreduce
 
CentroidWritable() - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
CentroidWritable(Centroid) - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
centroidWritablesToList(Iterable<CentroidWritable>) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansReducer
 
CF_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
changeDatum(double) - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
changeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
changeDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
changeDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
ChebyshevDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a "Chebyshev distance" metric by finding the maximum difference between each coordinate.
ChebyshevDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
checkNotNullAndLog(String, Object) - Static method in class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
 
checkNotNullAndLog(String, Object[]) - Static method in class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
 
choose2(double) - Static method in class org.apache.mahout.clustering.ClusteringUtils
 
CHOOSE_THRESHOLD - Static variable in class org.apache.mahout.cf.taste.impl.eval.GenericRecommenderIRStatsEvaluator
Pass as "relevanceThreshold" argument to GenericRecommenderIRStatsEvaluator.evaluate(RecommenderBuilder, DataModelBuilder, DataModel, IDRescorer, int, double, double) to have it attempt to compute a reasonable threshold.
CIMapper - Class in org.apache.mahout.clustering.iterator
 
CIMapper() - Constructor for class org.apache.mahout.clustering.iterator.CIMapper
 
CIReducer - Class in org.apache.mahout.clustering.iterator
 
CIReducer() - Constructor for class org.apache.mahout.clustering.iterator.CIReducer
 
CityBlockSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
Implementation of City Block distance (also known as Manhattan distance) - the absolute value of the difference of each direction is summed.
CityBlockSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
CityBlockSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
CityBlockSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CityBlockSimilarity
 
Classifier - Class in org.apache.mahout.classifier.df.mapreduce
Deprecated.
Classifier(Path, Path, Path, Path, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.Classifier
Deprecated.
 
Classifier.CMapper - Class in org.apache.mahout.classifier.df.mapreduce
Deprecated.
 
ClassifierResult - Class in org.apache.mahout.classifier
Result of a document classification.
ClassifierResult() - Constructor for class org.apache.mahout.classifier.ClassifierResult
 
ClassifierResult(String, double) - Constructor for class org.apache.mahout.classifier.ClassifierResult
 
ClassifierResult(String) - Constructor for class org.apache.mahout.classifier.ClassifierResult
 
ClassifierResult(String, double, double) - Constructor for class org.apache.mahout.classifier.ClassifierResult
 
classify(Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Compute and return a vector containing n-1 scores, where n is equal to numCategories(), given an input vector instance.
classify(Matrix) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Returns n-1 probabilities, one for each categories 1 through n-1, for each row of a matrix, where n is equal to numCategories().
classify(Data, double[][]) - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
Classifies the data and calls callback for each classification
classify(Dataset, Random, Instance) - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
predicts the label for the instance
classify(Instance) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
classify(Instance) - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
classify(Instance) - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
predicts the label for the instance
classify(Instance) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
classify(Vector) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
Unsupported method.
classify(Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
Returns n-1 probabilities, one for each category but the 0-th.
classify(Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
classify(Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
classify(Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
classify(Vector) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
classify(Vector, ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
classify(Vector, ClusterClassifier) - Method in interface org.apache.mahout.clustering.iterator.ClusteringPolicy
Classify the data vector given the classifier's models
classify(Vector, ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
classifyFull(Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Computes and returns a vector containing n scores, where n is numCategories(), given an input vector instance.
classifyFull(Vector, Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Computes and returns a vector containing n scores, where n is numCategories(), given an input vector instance.
classifyFull(Matrix) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Returns a matrix where the rows of the matrix each contain n probabilities, one for each category.
classifyFull(Vector) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
classifyFull(Vector, Vector) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
classifyNoLink(Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Compute and return a vector of scores before applying the inverse link function.
classifyNoLink(Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
classifyNoLink(Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
classifyNoLink(Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
classifyNoLink(Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Classifies a vector in the special case of a binary classifier where AbstractVectorClassifier.classify(Vector) would return a vector with only one element.
classifyScalar(Matrix) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Returns a vector of probabilities of category 1, one for each row of a matrix.
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
Unsupported method.
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
Returns a single scalar probability in the case where we have two categories.
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
classifyScalar(Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
classifyScalar(Vector) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
classifyScalarNoLink(Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
ClassParameter - Class in org.apache.mahout.common.parameters
 
ClassParameter(String, String, Configuration, Class<?>, String) - Constructor for class org.apache.mahout.common.parameters.ClassParameter
 
ClassUtils - Class in org.apache.mahout.common
 
CLEAN_EIGENVECTORS - Static variable in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
cleanup(Mapper<LongWritable, Text, TreeID, MapredOutput>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
 
cleanup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.ThetaMapper
 
cleanup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.WeightsMapper
 
cleanup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.iterator.CIMapper
 
cleanup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
cleanup(Mapper<IntWritable, VectorWritable, DoubleWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper
 
cleanup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0DocInferenceMapper
 
cleanup(Mapper<Writable, VectorWritable, IntWritable, CentroidWritable>.Context) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansMapper
 
cleanup(Mapper<Writable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansMapper
The column-wise sum is written at the cleanup stage.
cleanup(Mapper<IntWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CountObservationsMapper
 
cleanup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.VectorNormMapper
 
cleanup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, DenseBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 
cleanup(Reducer<SplitPartitionedWritable, DenseBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
cleanup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.ABtMapper
 
cleanup(Reducer<SplitPartitionedWritable, SparseRowBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
cleanup(Mapper<Writable, VectorWritable, LongWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.BtMapper
 
cleanup(Reducer<Writable, SparseRowBlockWritable, Writable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
cleanup(Reducer<LongWritable, SparseRowBlockWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
cleanup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.QJob.QMapper
 
cleanup() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
cleanup(Mapper<Writable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYMapper
 
cleanup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYReducer
 
cleanup(Mapper<T, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
 
clear() - Method in class org.apache.mahout.cf.taste.impl.common.Cache
Clears the cache.
clear() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
clear() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
clear() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
clear(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
Clears cached recommendations for the given user.
clear() - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
Clears all cached recommendations.
clear() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
clear() - Method in class org.apache.mahout.math.neighborhood.BruteSearch
 
clear() - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
 
clear() - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
clear() - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
 
clear() - Method in class org.apache.mahout.math.neighborhood.Searcher
 
clear() - Method in class org.apache.mahout.math.neighborhood.UpdatableSearcher
 
clearCacheForItem(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
 
clearCacheForUser(long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
 
clearTempPrefs(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
Clears temporary preferences for a given anonymous user.
clearTempPrefs() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
clone() - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
clone() - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
clone() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
clone() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
clone() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
clone() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
clone() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
clone() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
clone() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
clone() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
clone() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
clone() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
clone() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
clone() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Get a copy of this model
clone() - Method in class org.apache.mahout.common.IntPairWritable
 
close() - Method in class org.apache.mahout.cf.taste.impl.similarity.precompute.FileSimilarItemsWriter
 
close() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
close() - Method in interface org.apache.mahout.classifier.OnlineLearner
Prepares the classifier for classification and deallocates any temporary data structures.
close() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
close() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
close() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
close() - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
close() - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
close() - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
close(ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
close(ClusterClassifier) - Method in interface org.apache.mahout.clustering.iterator.ClusteringPolicy
Close the policy using the classifier's models
close(ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
close(ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.KMeansClusteringPolicy
 
close() - Method in class org.apache.mahout.common.iterator.FileLineIterator
 
close() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterator
 
close() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterator
 
close() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterator
 
close() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterator
 
close() - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
close() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
close() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRLastStep
 
close() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockAccumulator
 
closeables - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
closeables - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
Cluster - Interface in org.apache.mahout.clustering
Implementations of this interface have a printable representation and certain attributes that are common across all clustering implementations
cluster(List<? extends WeightedVector>) - Method in class org.apache.mahout.clustering.streaming.cluster.BallKMeans
Clusters the datapoints in the list doing either random seeding of the centroids or k-means++.
cluster(Matrix) - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Cluster the rows of a matrix, treating them as Centroids with weight 1.
cluster(Iterable<Centroid>) - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Cluster the data points in an Iterable.
cluster(Centroid) - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Cluster one data point.
CLUSTER_FILTER_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
ClusterClassificationConfigKeys - Class in org.apache.mahout.clustering.classify
Constants used in Cluster Classification.
ClusterClassificationDriver - Class in org.apache.mahout.clustering.classify
Classifies the vectors into different clusters found by the clustering algorithm.
ClusterClassificationMapper - Class in org.apache.mahout.clustering.classify
Mapper for classifying vectors into clusters.
ClusterClassificationMapper() - Constructor for class org.apache.mahout.clustering.classify.ClusterClassificationMapper
 
ClusterClassifier - Class in org.apache.mahout.clustering.classify
This classifier works with any ClusteringPolicy and its associated Clusters.
ClusterClassifier(List<Cluster>, ClusteringPolicy) - Constructor for class org.apache.mahout.clustering.classify.ClusterClassifier
The public constructor accepts a list of clusters to become the models
ClusterClassifier() - Constructor for class org.apache.mahout.clustering.classify.ClusterClassifier
 
ClusterClassifier(ClusteringPolicy) - Constructor for class org.apache.mahout.clustering.classify.ClusterClassifier
 
ClusterCountReader - Class in org.apache.mahout.clustering.topdown.postprocessor
Reads the number of clusters produced by the clustering algorithm.
clusterData(Configuration, Path, Path, Path, double, float, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
Run the job using supplied arguments
clusterData(Configuration, Path, Path, Path, double, boolean) - Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
Run the job using supplied arguments
CLUSTERED_POINTS_DIRECTORY - Static variable in class org.apache.mahout.clustering.topdown.PathDirectory
 
clusterFilterOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
CLUSTERING_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
clusteringOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for clustering specification.
ClusteringPolicy - Interface in org.apache.mahout.clustering.iterator
A ClusteringPolicy captures the semantics of assignment of points to clusters
ClusteringPolicyWritable - Class in org.apache.mahout.clustering.iterator
 
ClusteringPolicyWritable(ClusteringPolicy) - Constructor for class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
ClusteringPolicyWritable() - Constructor for class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
ClusteringUtils - Class in org.apache.mahout.clustering
 
ClusterIterator - Class in org.apache.mahout.clustering.iterator
This is a clustering iterator which works with a set of Vector data and a prior ClusterClassifier which has been initialized with a set of models.
ClusterOutputPostProcessor - Class in org.apache.mahout.clustering.topdown.postprocessor
This class reads the output of any clustering algorithm, and, creates separate directories for different clusters.
ClusterOutputPostProcessor(Path, Path, Configuration) - Constructor for class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessor
 
ClusterOutputPostProcessorDriver - Class in org.apache.mahout.clustering.topdown.postprocessor
Post processes the output of clustering algorithms and groups them into respective clusters.
ClusterOutputPostProcessorDriver() - Constructor for class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorDriver
 
ClusterOutputPostProcessorMapper - Class in org.apache.mahout.clustering.topdown.postprocessor
Mapper for post processing cluster output.
ClusterOutputPostProcessorMapper() - Constructor for class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorMapper
 
ClusterOutputPostProcessorReducer - Class in org.apache.mahout.clustering.topdown.postprocessor
Reducer for post processing cluster output.
ClusterOutputPostProcessorReducer() - Constructor for class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorReducer
 
CLUSTERS_DIR - Static variable in interface org.apache.mahout.clustering.Cluster
 
CLUSTERS_IN - Static variable in class org.apache.mahout.clustering.classify.ClusterClassificationConfigKeys
 
CLUSTERS_IN_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
clustersInOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for clusters input directory specification.
ClusterWritable - Class in org.apache.mahout.clustering.iterator
 
ClusterWritable(Cluster) - Constructor for class org.apache.mahout.clustering.iterator.ClusterWritable
 
ClusterWritable() - Constructor for class org.apache.mahout.clustering.iterator.ClusterWritable
 
CMapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.Classifier.CMapper
Deprecated.
 
collect(Writable, Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
collect(Long, Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockAccumulator
 
CollocCombiner - Class in org.apache.mahout.vectorizer.collocations.llr
Combiner for pass1 of the CollocationDriver.
CollocCombiner() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.CollocCombiner
 
CollocDriver - Class in org.apache.mahout.vectorizer.collocations.llr
Driver for LLR Collocation discovery mapreduce job
CollocDriver() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
CollocMapper - Class in org.apache.mahout.vectorizer.collocations.llr
Pass 1 of the Collocation discovery job which generated ngrams and emits ngrams an their component n-1grams.
CollocMapper() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.CollocMapper
 
CollocMapper.Count - Enum in org.apache.mahout.vectorizer.collocations.llr
 
CollocReducer - Class in org.apache.mahout.vectorizer.collocations.llr
Reducer for Pass 1 of the collocation identification job.
CollocReducer() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
 
CollocReducer.Skipped - Enum in org.apache.mahout.vectorizer.collocations.llr
 
columnMeans() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
columnMeans(String) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
Returns the column-wise mean of a DistributedRowMatrix
CommandLineUtil - Class in org.apache.mahout.common
 
Comparator() - Constructor for class org.apache.mahout.common.IntPairWritable.Comparator
 
compare(RecommendedItem, RecommendedItem) - Method in class org.apache.mahout.cf.taste.impl.recommender.ByValueRecommendedItemComparator
 
compare(byte[], int, int, byte[], int, int) - Method in class org.apache.mahout.common.IntPairWritable.Comparator
 
compare(byte[], int, int, byte[], int, int) - Method in class org.apache.mahout.common.IntPairWritable.FirstGroupingComparator
 
compare(Object, Object) - Method in class org.apache.mahout.common.IntPairWritable.FirstGroupingComparator
 
compare(Object, Object) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable.SplitGroupingComparator
 
COMPARE_BY_SIMILARITY - Static variable in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItem
 
compareTo(EntityEntityWritable) - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
compareTo(SimilarUser) - Method in class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
Defines an ordering from most similar to least similar.
compareTo(GenericItemSimilarity.ItemItemSimilarity) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
Defines an ordering from highest similarity to lowest.
compareTo(GenericUserSimilarity.UserUserSimilarity) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
Defines an ordering from highest similarity to lowest.
compareTo(ModelDissector.Weight) - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
compareTo(IntegerTuple) - Method in class org.apache.mahout.common.IntegerTuple
 
compareTo(BinaryComparable) - Method in class org.apache.mahout.common.IntPairWritable
 
compareTo(IntPairWritable.Frequency) - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
compareTo(LongPair) - Method in class org.apache.mahout.common.LongPair
 
compareTo(Pair<A, B>) - Method in class org.apache.mahout.common.Pair
Defines an ordering on pairs that sorts by first value's natural ordering, ascending, and then by second value's natural ordering.
compareTo(StringTuple) - Method in class org.apache.mahout.common.StringTuple
 
compareTo(State<T, U>) - Method in class org.apache.mahout.ep.State
Natural order is to sort in descending order of score.
compareTo(DistributedRowMatrix.MatrixEntryWritable) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
compareTo(SplitPartitionedWritable) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
COMPLEMENTARY - Static variable in class org.apache.mahout.classifier.naivebayes.test.TestNaiveBayesDriver
 
COMPLEMENTARY_MODEL - Static variable in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
ComplementaryNaiveBayesClassifier - Class in org.apache.mahout.classifier.naivebayes
Implementation of the Naive Bayes Classifier Algorithm
ComplementaryNaiveBayesClassifier(NaiveBayesModel) - Constructor for class org.apache.mahout.classifier.naivebayes.ComplementaryNaiveBayesClassifier
 
ComplementaryThetaTrainer - Class in org.apache.mahout.classifier.naivebayes.training
 
ComplementaryThetaTrainer(Vector, Vector, double) - Constructor for class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
compute() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
Compute the mean, variance and standard deviation
compute() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
compute() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
computeCentroid() - Method in class org.apache.mahout.clustering.AbstractCluster
Compute the centroid by averaging the pointTotals
computeConvergence(DistanceMeasure, double) - Method in class org.apache.mahout.clustering.kmeans.Kluster
Return if the cluster is converged by comparing its center and centroid.
computeFinalEvaluation() - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
computeFinalEvaluation() - Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
 
computeFinalEvaluation() - Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
 
computeHash64(Vector, Matrix) - Static method in class org.apache.mahout.math.neighborhood.HashedVector
 
computeItemSimilarities(int, int, SimilarItemsWriter) - Method in class org.apache.mahout.cf.taste.impl.similarity.precompute.MultithreadedBatchItemSimilarities
 
computeItemSimilarities(int, int, SimilarItemsWriter) - Method in class org.apache.mahout.cf.taste.similarity.precompute.BatchItemSimilarities
 
computeMean() - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
computeNext() - Method in class org.apache.mahout.common.iterator.CountingIterator
 
computeNext() - Method in class org.apache.mahout.common.iterator.FileLineIterator
 
computeNext() - Method in class org.apache.mahout.common.iterator.SamplingIterator
 
computeNext() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterator
 
computeNext() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterator
 
computeNext() - Method in class org.apache.mahout.common.lucene.TokenStreamIterator
 
computeParameters() - Method in class org.apache.mahout.clustering.AbstractCluster
 
computeParameters() - Method in interface org.apache.mahout.clustering.Model
Compute a new set of posterior parameters based upon the Observations that have been observed since my creation
computePi(Collection<SoftCluster>, List<Double>) - Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
 
computeProbWeight(double, Iterable<Double>) - Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
Computes the probability of a point belonging to a cluster
computeQtHat(double[][], int, Iterator<UpperTriangular>) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.DefaultIgSplit
Deprecated.
 
computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.IgSplit
Deprecated.
Computes the best split for the given attribute
computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.OptIgSplit
Deprecated.
 
computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.RegressionSplit
Deprecated.
 
computeU(Iterable<File>, File) - Method in class org.apache.mahout.math.ssvd.SequentialOutOfCoreSvd
 
computeV(File, int) - Method in class org.apache.mahout.math.ssvd.SequentialOutOfCoreSvd
 
computeVariance() - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
computeVarianceForGivenMean(double) - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
computeWeight(double, double, double, double, double, double) - Static method in class org.apache.mahout.classifier.naivebayes.ComplementaryNaiveBayesClassifier
 
computeWeight(double, double, double, double) - Static method in class org.apache.mahout.classifier.naivebayes.StandardNaiveBayesClassifier
 
computeYRow(Vector, double[]) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
Deprecated.
computeYRow(Vector, Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
A version to compute yRow as a sparse vector in case of extremely sparse matrices
ConcreteLLCallback() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.LLRReducer.ConcreteLLCallback
 
Condition - Class in org.apache.mahout.classifier.df.data.conditions
Deprecated.
Condition() - Constructor for class org.apache.mahout.classifier.df.data.conditions.Condition
Deprecated.
 
conf(Parametered) - Static method in class org.apache.mahout.common.parameters.Parametered.ParameteredGeneralizations
 
configure(boolean, TreeBuilder, Dataset) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
Useful for testing
configure(Long, int, int, int) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
Useful when testing
configure(Configuration) - Method in class org.apache.mahout.clustering.AbstractCluster
 
configure(Configuration) - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
configure(Configuration) - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
configure(Configuration) - Method in interface org.apache.mahout.common.parameters.Parametered
 
configure(JobConf) - Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplyMapper
 
configureCanopyClusterer(Configuration) - Static method in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
Create a CanopyClusterer from the Hadoop configuration.
configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Used by the inheriting classes to configure the job
configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
Deprecated.
 
configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
Deprecated.
 
configureOptionsForWorkers(Configuration, int, int, float, int, float, boolean, boolean, float, int, String, String, int, int, String, boolean) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
Checks the parameters for a StreamingKMeans job and prepares a Configuration with them.
configureParameters(Parametered, Configuration) - Static method in class org.apache.mahout.common.parameters.Parametered.ParameteredGeneralizations
 
configureParameters(String, Parametered, Configuration) - Static method in class org.apache.mahout.common.parameters.Parametered.ParameteredGeneralizations
confusion() - Method in class org.apache.mahout.classifier.evaluation.Auc
Returns the confusion matrix for the classifier supposing that we were to use a particular threshold.
ConfusionMatrix - Class in org.apache.mahout.classifier
The ConfusionMatrix Class stores the result of Classification of a Test Dataset.
ConfusionMatrix(Collection<String>, String) - Constructor for class org.apache.mahout.classifier.ConfusionMatrix
 
ConfusionMatrix(Matrix) - Constructor for class org.apache.mahout.classifier.ConfusionMatrix
 
consider(int, int, double, double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CooccurrenceCountSimilarity
 
consider(int, int, double, double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
consider(int, int, double, double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CountbasedMeasure
 
consider(int, int, double, double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
consider(int, int, double, double, double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.TanimotoCoefficientSimilarity
 
consider(int, int, double, double, double) - Method in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
ConstantValueEncoder - Class in org.apache.mahout.vectorizer.encoders
An encoder that does the standard thing for a virtual bias term.
ConstantValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.ConstantValueEncoder
 
contains(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
contains(Instance) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
containsKey(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
containsKey(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
containsValue(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
containsValue(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
CONTINUOUS_VALUE_HASH_SEED - Static variable in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
ContinuousValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Continuous values are stored in fixed randomized location in the feature vector.
ContinuousValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.ContinuousValueEncoder
 
CONVERGENCE_DELTA_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
convergenceOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for convergence delta specification.
convert(CharSequence) - Method in class org.apache.mahout.classifier.df.data.DataConverter
Deprecated.
 
CooccurrenceCountSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
CooccurrenceCountSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CooccurrenceCountSimilarity
 
CooccurrencesMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CooccurrencesMapper
 
copy() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
copy() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
copy() - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
copy() - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
copy() - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
copy() - Method in interface org.apache.mahout.ep.Payload
 
copy() - Method in class org.apache.mahout.ep.State
Deep copies a state, useful in mutation.
CopyConstructorIterator<T> - Class in org.apache.mahout.common.iterator
An iterator that copies the values in an underlying iterator by finding an appropriate copy constructor.
CopyConstructorIterator(Iterator<? extends T>) - Constructor for class org.apache.mahout.common.iterator.CopyConstructorIterator
 
copyFrom(AbstractOnlineLogisticRegression) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
copyFrom(GradientMachine) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
copyFrom(OnlineLogisticRegression) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
copyFrom(PassiveAggressive) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
CosineDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a cosine distance metric by dividing the dot product of two vectors by the product of their lengths.
CosineDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.CosineDistanceMeasure
 
CosineSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
CosineSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
CountbasedMeasure - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
CountbasedMeasure() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CountbasedMeasure
 
CountingIterator - Class in org.apache.mahout.common.iterator
Iterates over the integers from 0 through to-1.
CountingIterator(int) - Constructor for class org.apache.mahout.common.iterator.CountingIterator
 
countLabels(int[]) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
Counts the number of occurrences of each label value
This method can be used when the criterion variable is the categorical attribute.
CountObservationsMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CountObservationsMapper
 
countRecords(Path, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
countRecords(Path, PathType, PathFilter, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
Count all the records in a directory using a SequenceFileDirValueIterator
createAnalyzer(String) - Static method in class org.apache.mahout.common.lucene.AnalyzerUtils
Create an Analyzer using the latest Version.
createAnalyzer(String, Version) - Static method in class org.apache.mahout.common.lucene.AnalyzerUtils
 
createAnalyzer(Class<? extends Analyzer>) - Static method in class org.apache.mahout.common.lucene.AnalyzerUtils
Create an Analyzer using the latest Version.
createAnalyzer(Class<? extends Analyzer>, Version) - Static method in class org.apache.mahout.common.lucene.AnalyzerUtils
 
createCanopies(List<Vector>, DistanceMeasure, double, double) - Static method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
Iterate through the points, adding new canopies.
createFactorization(double[][], double[][]) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.AbstractFactorizer
 
createMatrixMultiplyJobConf(Path, Path, Path, int) - Static method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
 
createMatrixMultiplyJobConf(Configuration, Path, Path, Path, int) - Static method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
 
createParameters(String, Configuration) - Method in class org.apache.mahout.clustering.AbstractCluster
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
createParameters(String, Configuration) - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
createParameters(String, Configuration) - Method in interface org.apache.mahout.common.parameters.Parametered
EXPERT: consumers should never have to call this method.
createQueue() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
createRecordReader(InputSplit, TaskAttemptContext) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
Deprecated.
 
createScoringVector() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
createTermFrequencyVectors(Path, Path, String, Configuration, int, int, float, float, boolean, int, int, boolean, boolean) - Static method in class org.apache.mahout.vectorizer.DictionaryVectorizer
Create Term Frequency (Tf) Vectors from the input set of documents in SequenceFile format.
createTimesJob(Vector, int, Path, Path) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesJob(Configuration, Vector, int, Path, Path) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Vector, Path, Path) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Configuration, Vector, Path, Path) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Vector, Path, Path, Class<? extends TimesSquaredJob.TimesSquaredMapper>, Class<? extends TimesSquaredJob.VectorSummingReducer>) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Configuration, Vector, Path, Path, Class<? extends TimesSquaredJob.TimesSquaredMapper>, Class<? extends TimesSquaredJob.VectorSummingReducer>) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Vector, int, Path, Path, Class<? extends TimesSquaredJob.TimesSquaredMapper>, Class<? extends TimesSquaredJob.VectorSummingReducer>) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createTimesSquaredJob(Configuration, Vector, int, Path, Path, Class<? extends TimesSquaredJob.TimesSquaredMapper>, Class<? extends TimesSquaredJob.VectorSummingReducer>) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
createVectors(Path, Path, VectorizerConfig) - Method in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
createVectors(Path, Path, VectorizerConfig) - Method in class org.apache.mahout.vectorizer.SimpleTextEncodingVectorizer
 
createVectors(Path, Path, VectorizerConfig) - Method in interface org.apache.mahout.vectorizer.Vectorizer
 
CrossFoldLearner - Class in org.apache.mahout.classifier.sgd
Does cross-fold validation of log-likelihood and AUC on several online logistic regression models.
CrossFoldLearner() - Constructor for class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
CrossFoldLearner(int, int, int, PriorFunction) - Constructor for class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
CsvRecordFactory - Class in org.apache.mahout.classifier.sgd
Converts CSV data lines to vectors.
CsvRecordFactory(String, Map<String, String>) - Constructor for class org.apache.mahout.classifier.sgd.CsvRecordFactory
Construct a parser for CSV lines that encodes the parsed data in vector form.
CsvRecordFactory(String, String, Map<String, String>) - Constructor for class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
currentLearningRate() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
currentLearningRate() - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
CVB0DocInferenceMapper - Class in org.apache.mahout.clustering.lda.cvb
 
CVB0DocInferenceMapper() - Constructor for class org.apache.mahout.clustering.lda.cvb.CVB0DocInferenceMapper
 
CVB0Driver - Class in org.apache.mahout.clustering.lda.cvb
See CachingCVB0Mapper for more details on scalability and room for improvement.
CVB0Driver() - Constructor for class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
CVB0Driver.DualDoubleSumReducer - Class in org.apache.mahout.clustering.lda.cvb
Sums keys and values independently.
CVB0TopicTermVectorNormalizerMapper - Class in org.apache.mahout.clustering.lda.cvb
Performs L1 normalization of input vectors.
CVB0TopicTermVectorNormalizerMapper() - Constructor for class org.apache.mahout.clustering.lda.cvb.CVB0TopicTermVectorNormalizerMapper
 

D

Data - Class in org.apache.mahout.classifier.df.data
Deprecated.
Data(Dataset) - Constructor for class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
Data(Dataset, List<Instance>) - Constructor for class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
DataConverter - Class in org.apache.mahout.classifier.df.data
Deprecated.
DataConverter(Dataset) - Constructor for class org.apache.mahout.classifier.df.data.DataConverter
Deprecated.
 
DataLoader - Class in org.apache.mahout.classifier.df.data
Deprecated.
dataModel - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
DataModel - Interface in org.apache.mahout.cf.taste.model
Implementations represent a repository of information about users and their associated Preferences for items.
DataModelBuilder - Interface in org.apache.mahout.cf.taste.eval
Implementations of this inner interface are simple helper classes which create a DataModel to be used while evaluating a Recommender.
Dataset - Class in org.apache.mahout.classifier.df.data
Deprecated.
Dataset() - Constructor for class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
Dataset.Attribute - Enum in org.apache.mahout.classifier.df.data
Deprecated.
Attributes type
DatasetSplitter - Class in org.apache.mahout.cf.taste.hadoop.als
Split a recommendation dataset into a training and a test set
DatasetSplitter() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.DatasetSplitter
 
DataUtils - Class in org.apache.mahout.classifier.df.data
Deprecated.
daviesBouldinIndex(List<? extends Vector>, DistanceMeasure, List<OnlineSummarizer>) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Computes the Davies-Bouldin Index for a given clustering.
dec(int[], int[]) - Static method in class org.apache.mahout.classifier.df.data.DataUtils
Deprecated.
foreach i : array1[i] -= array2[i]
decayExponent(double) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
decayExponent(double) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
DecisionForest - Class in org.apache.mahout.classifier.df
Deprecated.
DecisionForest(List<Node>) - Constructor for class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
DecisionTreeBuilder - Class in org.apache.mahout.classifier.df.builder
Deprecated.
DecisionTreeBuilder() - Constructor for class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
decode(HmmModel, int[], boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Returns the most likely sequence of hidden states for the given model and observation
decodeStateSequence(HmmModel, int[], boolean, String) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Decodes a given collection of state IDs into the corresponding state names registered in a given model.
decodeType(byte[], int) - Static method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
DEFAULT_CLUSTERED_POINTS_DIRECTORY - Static variable in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
 
DEFAULT_DATASOURCE_NAME - Static variable in class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
 
DEFAULT_EMIT_UNIGRAMS - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
DEFAULT_FACTOR - Static variable in class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
Default factor used if not otherwise specified, for all limits.
DEFAULT_LONG_ID_COLUMN - Static variable in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
DEFAULT_MAPPING_TABLE - Static variable in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
DEFAULT_MIN_LLR - Static variable in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
 
DEFAULT_MIN_RELOAD_INTERVAL_MS - Static variable in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
DEFAULT_MIN_RELOAD_INTERVAL_MS - Static variable in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
DEFAULT_MIN_RELOAD_INTERVAL_MS - Static variable in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
DEFAULT_MIN_SUPPORT - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
 
DEFAULT_MIN_SUPPORT - Static variable in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
DEFAULT_POOL_SIZE - Static variable in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
DEFAULT_PREPARE_PATH - Static variable in class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
 
DEFAULT_STRING_ID_COLUMN - Static variable in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
DEFAULT_THREAD_COUNT - Static variable in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
DefaultGradient - Class in org.apache.mahout.classifier.sgd
Implements the basic logistic training law.
DefaultGradient() - Constructor for class org.apache.mahout.classifier.sgd.DefaultGradient
 
DefaultIgSplit - Class in org.apache.mahout.classifier.df.split
Deprecated.
DefaultIgSplit() - Constructor for class org.apache.mahout.classifier.df.split.DefaultIgSplit
Deprecated.
 
DefaultOptionCreator - Class in org.apache.mahout.common.commandline
 
DefaultTreeBuilder - Class in org.apache.mahout.classifier.df.builder
Deprecated.
DefaultTreeBuilder() - Constructor for class org.apache.mahout.classifier.df.builder.DefaultTreeBuilder
Deprecated.
 
defaultValue() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
defaultValue() - Method in interface org.apache.mahout.common.parameters.Parameter
 
defineTargetCategories(List<String>) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Defines the values and thus the encoding of values of the target variables.
defineTargetCategories(List<String>) - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
delegate() - Method in class org.apache.mahout.cf.taste.impl.common.jdbc.ResultSetIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.CopyConstructorIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.FixedSizeSamplingIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.StableFixedSizeSamplingIterator
 
delegate() - Method in class org.apache.mahout.common.iterator.StringRecordIterator
 
delete(Configuration, Iterable<Path>) - Static method in class org.apache.mahout.common.HadoopUtil
 
delete(Configuration, Path...) - Static method in class org.apache.mahout.common.HadoopUtil
 
DenseBlockWritable - Class in org.apache.mahout.math.hadoop.stochasticsvd
Ad-hoc substitution for MatrixWritable.
DenseBlockWritable() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
 
Describe - Class in org.apache.mahout.classifier.df.tools
Generates a file descriptor for a given dataset
description() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
description() - Method in interface org.apache.mahout.common.parameters.Parameter
 
DescriptorException - Exception in org.apache.mahout.classifier.df.data
Deprecated.
DescriptorException(String) - Constructor for exception org.apache.mahout.classifier.df.data.DescriptorException
Deprecated.
 
DescriptorUtils - Class in org.apache.mahout.classifier.df.data
Deprecated.
determineDelimiter(String) - Static method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
DFUtils - Class in org.apache.mahout.classifier.df
Deprecated.
DIAGONAL_CACHE_INDEX - Static variable in class org.apache.mahout.clustering.spectral.Keys
Sets the SequenceFile index for the diagonal matrix.
DICTIONARY - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
Dictionary - Class in org.apache.mahout.vectorizer.encoders
Assigns integer codes to strings as they appear.
Dictionary() - Constructor for class org.apache.mahout.vectorizer.encoders.Dictionary
 
DICTIONARY_FILE - Static variable in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
DictionaryVectorizer - Class in org.apache.mahout.vectorizer
This class converts a set of input documents in the sequence file format to vectors.
DIMENSION - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
distance(double[], double[]) - Static method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
distance(Vector, Vector) - Method in interface org.apache.mahout.common.distance.DistanceMeasure
Returns the distance metric applied to the arguments
distance(double, Vector, Vector) - Method in interface org.apache.mahout.common.distance.DistanceMeasure
Optimized version of distance metric for sparse vectors.
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.EuclideanDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.EuclideanDistanceMeasure
 
distance(Vector) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
distance(double[], double[]) - Static method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
Math.pow is clever about integer-valued doubles
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.TanimotoDistanceMeasure
Calculates the distance between two vectors.
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.TanimotoDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.WeightedEuclideanDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.WeightedEuclideanDistanceMeasure
 
distance(Vector, Vector) - Method in class org.apache.mahout.common.distance.WeightedManhattanDistanceMeasure
 
distance(double, Vector, Vector) - Method in class org.apache.mahout.common.distance.WeightedManhattanDistanceMeasure
 
DISTANCE_MEASURE_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
DISTANCE_MEASURE_KEY - Static variable in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
DISTANCE_MEASURE_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
DistanceMeasure - Interface in org.apache.mahout.common.distance
This interface is used for objects which can determine a distance metric between two points
distanceMeasure - Variable in class org.apache.mahout.math.neighborhood.Searcher
 
DistanceMeasureCluster - Class in org.apache.mahout.clustering.iterator
 
DistanceMeasureCluster(Vector, int, DistanceMeasure) - Constructor for class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
DistanceMeasureCluster() - Constructor for class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
distanceMeasureOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of distance measure class to use.
DistributedConjugateGradientSolver - Class in org.apache.mahout.math.hadoop.solver
Distributed implementation of the conjugate gradient solver.
DistributedConjugateGradientSolver() - Constructor for class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 
DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob - Class in org.apache.mahout.math.hadoop.solver
 
DistributedConjugateGradientSolverJob() - Constructor for class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob
 
DistributedLanczosSolver - Class in org.apache.mahout.math.hadoop.decomposer
Deprecated.
DistributedLanczosSolver() - Constructor for class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
DistributedLanczosSolver.DistributedLanczosSolverJob - Class in org.apache.mahout.math.hadoop.decomposer
Deprecated.
Inner subclass of AbstractJob so we get access to AbstractJob's functionality w.r.t.
DistributedLanczosSolverJob() - Constructor for class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
Deprecated.
 
DistributedRowMatrix - Class in org.apache.mahout.math.hadoop
DistributedRowMatrix is a FileSystem-backed VectorIterable in which the vectors live in a SequenceFile, and distributed operations are executed as M/R passes on Hadoop.
DistributedRowMatrix(Path, Path, int, int) - Constructor for class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
DistributedRowMatrix(Path, Path, int, int, boolean) - Constructor for class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
DistributedRowMatrix.MatrixEntryWritable - Class in org.apache.mahout.math.hadoop
 
DistributedRowMatrixWriter - Class in org.apache.mahout.math
 
DOC_TOPIC_OUTPUT - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
DOC_TOPIC_SMOOTHING - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
DOCUMENT_VECTOR_OUTPUT_FOLDER - Static variable in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
DocumentProcessor - Class in org.apache.mahout.vectorizer
This class converts a set of input documents in the sequence file format of StringTuples.The SequenceFile input should have a Text key containing the unique document identifier and a Text value containing the whole document.
doEstimatePreference(long, PreferenceArray, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefItemBasedRecommender
This computation is in a technical sense, wrong, since in the domain of "boolean preference users" where all preference values are 1, this method should only ever return 1.0 or NaN.
doEstimatePreference(long, long[], long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefUserBasedRecommender
This computation is in a technical sense, wrong, since in the domain of "boolean preference users" where all preference values are 1, this method should only ever return 1.0 or NaN.
doEstimatePreference(long, PreferenceArray, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
doEstimatePreference(long, long[], long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
doGetCandidateItems(long[], DataModel) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
doGetCandidateItems(long[], DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
doGetCandidateItems(long[], DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AllSimilarItemsCandidateItemsStrategy
 
doGetCandidateItems(long[], DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AllUnknownItemsCandidateItemsStrategy
return all items the user has not yet seen
doGetCandidateItems(long[], DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.PreferredItemsNeighborhoodCandidateItemsStrategy
returns all items that have not been rated by the user and that were preferred by another user that has preferred at least one item that the current user has preferred too
doGetCandidateItems(long[], DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
 
DoubleParameter - Class in org.apache.mahout.common.parameters
 
DoubleParameter(String, String, Configuration, double, String) - Constructor for class org.apache.mahout.common.parameters.DoubleParameter
 
drmIterator(FileSystem, Path, Configuration, Deque<Closeable>) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
 
drmLoadAsDense(FileSystem, Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
helper capabiltiy to load distributed row matrices into dense matrix (to support tests mainly).
DualDoubleSumReducer() - Constructor for class org.apache.mahout.clustering.lda.cvb.CVB0Driver.DualDoubleSumReducer
 
dunnIndex(List<? extends Vector>, DistanceMeasure, List<OnlineSummarizer>) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Computes the Dunn Index of a given clustering.

E

EigenSeedGenerator - Class in org.apache.mahout.clustering.spectral.kmeans
Given an Input Path containing a SequenceFile, select k vectors and write them to the output file as a Kluster representing the initial centroid to use.
EigenVector - Class in org.apache.mahout.math.hadoop.decomposer
TODO this is a horrible hack.
EigenVector(Vector, double, double, int) - Constructor for class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
EigenVerificationJob - Class in org.apache.mahout.math.hadoop.decomposer
Deprecated.
EigenVerificationJob() - Constructor for class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
elapsedTime(long) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Formats a time interval in milliseconds to a String in the form "hours:minutes:seconds:millis"
ElasticBandPrior - Class in org.apache.mahout.classifier.sgd
Implements a linear combination of L1 and L2 priors.
ElasticBandPrior() - Constructor for class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
ElasticBandPrior(double) - Constructor for class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
EMIT_MOST_LIKELY - Static variable in class org.apache.mahout.clustering.classify.ClusterClassificationConfigKeys
 
EMIT_MOST_LIKELY_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
EMIT_UNIGRAMS - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
emitMostLikelyOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specifying the emitMostLikely flag.
EncodedVectorsFromSequenceFiles - Class in org.apache.mahout.vectorizer
Converts a given set of sequence files into SparseVectors
EncodedVectorsFromSequenceFiles() - Constructor for class org.apache.mahout.vectorizer.EncodedVectorsFromSequenceFiles
 
ENCODER_CLASS - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
ENCODER_FIELD_NAME - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
encodeStateSequence(HmmModel, Collection<String>, boolean, int) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Encodes a given collection of state names by the corresponding state IDs registered in a given model.
encodeType(Gram.Type, byte[], int) - Static method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
EncodingMapper - Class in org.apache.mahout.vectorizer
The Mapper that does the work of encoding text
EncodingMapper() - Constructor for class org.apache.mahout.vectorizer.EncodingMapper
 
end() - Method in class org.apache.mahout.common.TimingStatistics.Call
 
end(long) - Method in class org.apache.mahout.common.TimingStatistics.Call
Returns true if the sumTime as reached this limit;
end() - Method in class org.apache.mahout.common.TimingStatistics.LeadTimeCall
 
end(long) - Method in class org.apache.mahout.common.TimingStatistics.LeadTimeCall
 
EntityEntityWritable - Class in org.apache.mahout.cf.taste.hadoop
A WritableComparable encapsulating two items.
EntityEntityWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
EntityEntityWritable(long, long) - Constructor for class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
EntityPrefWritable - Class in org.apache.mahout.cf.taste.hadoop
A Writable encapsulating an item ID and a preference value.
EntityPrefWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
EntityPrefWritable(long, float) - Constructor for class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
EntityPrefWritable(EntityPrefWritable) - Constructor for class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
entropy(Data) - Method in class org.apache.mahout.classifier.df.split.DefaultIgSplit
Deprecated.
Computes the Entropy
entropy() - Method in class org.apache.mahout.classifier.evaluation.Auc
Returns a matrix related to the confusion matrix and to the log-likelihood.
entrySet() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
entrySet() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
equals(Object) - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
equals(Object) - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
equals(Object) - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
equals(Object) - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
equals(Object) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
equals(int, double) - Static method in class org.apache.mahout.classifier.df.data.conditions.Condition
Deprecated.
Condition that checks if the given attribute has a value "equal" to the given value
Equals - Class in org.apache.mahout.classifier.df.data.conditions
Deprecated.
Equals(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.Equals
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.data.Instance
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
equals(Object) - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
equals(Object) - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
equals(Object) - Method in class org.apache.mahout.common.IntegerTuple
 
equals(Object) - Method in class org.apache.mahout.common.IntPairWritable
 
equals(Object) - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
equals(Object) - Method in class org.apache.mahout.common.LongPair
 
equals(Object) - Method in class org.apache.mahout.common.Pair
 
equals(Object) - Method in class org.apache.mahout.common.StringTuple
 
equals(Object) - Method in class org.apache.mahout.ep.State
 
equals(Object) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
equals(Object) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
equals(Object) - Method in class org.apache.mahout.math.neighborhood.HashedVector
 
ErrorEstimate - Class in org.apache.mahout.classifier.df
Deprecated.
errorRate(double[], double[]) - Static method in class org.apache.mahout.classifier.df.ErrorEstimate
Deprecated.
 
escapeXML(CharSequence) - Static method in class org.apache.mahout.common.StringUtils
 
estimate(Long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender.MostSimilarEstimator
 
estimate(T) - Method in interface org.apache.mahout.cf.taste.impl.recommender.TopItems.Estimator
 
ESTIMATED_DISTANCE_CUTOFF - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The initial estimated distance cutoff between two points for forming new clusters.
ESTIMATED_NUM_MAP_CLUSTERS - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The number of cluster that Mappers will use should be \(O(k log n)\) where k is the number of clusters to get at the end and n is the number of points to cluster.
estimateDistanceCutoff(List<? extends Vector>, DistanceMeasure) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Estimates the distance cutoff.
estimateDistanceCutoff(Iterable<T>, DistanceMeasure, int) - Static method in class org.apache.mahout.clustering.ClusteringUtils
 
EstimatedPreferenceCapper - Class in org.apache.mahout.cf.taste.impl.recommender
Simple class which encapsulates restricting a preference value to a predefined range.
EstimatedPreferenceCapper(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.EstimatedPreferenceCapper
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
 
estimatePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
a preference is estimated by computing the dot-product of the user and item feature vectors
estimatePreference(long, long) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
EuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a Euclidean distance metric by summing the square root of the squared differences between each coordinate.
EuclideanDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.EuclideanDistanceMeasure
 
EuclideanDistanceSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
An implementation of a "similarity" based on the Euclidean "distance" between two users X and Y.
EuclideanDistanceSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.EuclideanDistanceSimilarity
 
EuclideanDistanceSimilarity(DataModel, Weighting) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.EuclideanDistanceSimilarity
 
EuclideanDistanceSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
EuclideanDistanceSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
evaluate(RecommenderBuilder, DataModelBuilder, DataModel, double, double) - Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
Evaluates the quality of a Recommender's recommendations.
evaluate(RecommenderBuilder, DataModelBuilder, DataModel, IDRescorer, int, double, double) - Method in interface org.apache.mahout.cf.taste.eval.RecommenderIRStatsEvaluator
 
evaluate(RecommenderBuilder, DataModelBuilder, DataModel, double, double) - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
evaluate(RecommenderBuilder, DataModelBuilder, DataModel, IDRescorer, int, double, double) - Method in class org.apache.mahout.cf.taste.impl.eval.GenericRecommenderIRStatsEvaluator
 
evaluate(Recommender, Recommender, int, RunningAverage, String) - Static method in class org.apache.mahout.cf.taste.impl.eval.OrderBasedRecommenderEvaluator
 
evaluate(Recommender, DataModel, int, RunningAverage, String) - Static method in class org.apache.mahout.cf.taste.impl.eval.OrderBasedRecommenderEvaluator
 
evaluate(DataModel, DataModel, int, RunningAverage, String) - Static method in class org.apache.mahout.cf.taste.impl.eval.OrderBasedRecommenderEvaluator
 
EvolutionaryProcess<T extends Payload<U>,U> - Class in org.apache.mahout.ep
Allows evolutionary optimization where the state function can't be easily packaged for the optimizer to execute.
EvolutionaryProcess() - Constructor for class org.apache.mahout.ep.EvolutionaryProcess
 
EvolutionaryProcess(int, int, State<T, U>) - Constructor for class org.apache.mahout.ep.EvolutionaryProcess
Creates an evolutionary optimization framework with specified threadiness, population size and initial state.
EvolutionaryProcess.Function<T> - Interface in org.apache.mahout.ep
 
execute(Collection<Callable<Void>>, AtomicInteger, RunningAverageAndStdDev) - Static method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
exponential() - Static method in class org.apache.mahout.ep.Mapping
Maps results to positive values.
exponential(double) - Static method in class org.apache.mahout.ep.Mapping
Maps results to positive values.
Exponential() - Constructor for class org.apache.mahout.ep.Mapping.Exponential
 
exportWithIDsOnly() - Method in interface org.apache.mahout.cf.taste.model.JDBCDataModel
 
exportWithPrefs() - Method in interface org.apache.mahout.cf.taste.model.JDBCDataModel
Hmm, should this exist elsewhere? seems like most relevant for a DB implementation, which is not in memory, which might want to export to memory.
extractLabels() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
extract the labels of all instances
extractRawData(Matrix) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
extracts row-wise raw data from a Mahout matrix for 3rd party solvers.

F

Factorization - Class in org.apache.mahout.cf.taste.impl.recommender.svd
a factorization of the rating matrix
Factorization(FastByIDMap<Integer>, FastByIDMap<Integer>, double[][], double[][]) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
FactorizationEvaluator - Class in org.apache.mahout.cf.taste.hadoop.als
Measures the root-mean-squared error of a rating matrix factorization against a test set.
FactorizationEvaluator() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator
 
FactorizationEvaluator.PredictRatingsMapper - Class in org.apache.mahout.cf.taste.hadoop.als
 
factorize() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
factorize() - Method in interface org.apache.mahout.cf.taste.impl.recommender.svd.Factorizer
 
factorize() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
factorize() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
factorize() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDPlusPlusFactorizer
 
Factorizer - Interface in org.apache.mahout.cf.taste.impl.recommender.svd
Implementation must be able to create a factorization of a rating matrix
FastByIDMap<V> - Class in org.apache.mahout.cf.taste.impl.common
 
FastByIDMap() - Constructor for class org.apache.mahout.cf.taste.impl.common.FastByIDMap
Creates a new FastByIDMap with default capacity.
FastByIDMap(int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
FastByIDMap(int, float) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
FastByIDMap(int, int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
FastByIDMap(int, int, float) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastByIDMap
Creates a new FastByIDMap whose capacity can accommodate the given number of entries without rehash.
FastIDSet - Class in org.apache.mahout.cf.taste.impl.common
 
FastIDSet() - Constructor for class org.apache.mahout.cf.taste.impl.common.FastIDSet
Creates a new FastIDSet with default capacity.
FastIDSet(long[]) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
FastIDSet(int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
FastIDSet(int, float) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
FastMap<K,V> - Class in org.apache.mahout.cf.taste.impl.common
This is an optimized Map implementation, based on algorithms described in Knuth's "Art of Computer Programming", Vol.
FastMap() - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
Creates a new FastMap with default capacity.
FastMap(int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
 
FastMap(Map<K, V>) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
 
FastMap(int, float) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
 
FastMap(int, int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
 
FastMap(int, int, float) - Constructor for class org.apache.mahout.cf.taste.impl.common.FastMap
Creates a new whose capacity can accommodate the given number of entries without rehash.
FastProjectionSearch - Class in org.apache.mahout.math.neighborhood
Does approximate nearest neighbor search by projecting the vectors similar to ProjectionSearch.
FastProjectionSearch(DistanceMeasure, int, int) - Constructor for class org.apache.mahout.math.neighborhood.FastProjectionSearch
 
FEATURE_COUNT - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
FEATURE_OFFSET - Static variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
FeatureVectorEncoder - Class in org.apache.mahout.vectorizer.encoders
General interface for objects that record features into a feature vector.
FeatureVectorEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
FeatureVectorEncoder(String, int) - Constructor for class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
featureWeight(int) - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
featureWeight(int) - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
fetchVector(Path, int) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
FileDataModel - Class in org.apache.mahout.cf.taste.impl.model.file
A DataModel backed by a delimited file.
FileDataModel(File) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
FileDataModel(File, String) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
FileDataModel(File, boolean, long) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
FileDataModel(File, boolean, long, String) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
FileIDMigrator - Class in org.apache.mahout.cf.taste.impl.model.file
An IDMigrator backed by a file.
FileIDMigrator(File) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
FileIDMigrator(File, long) - Constructor for class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
FileItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity.file
An ItemSimilarity backed by a comma-delimited file.
FileItemSimilarity(File) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
FileItemSimilarity(File, long) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
FileLineIterable - Class in org.apache.mahout.common.iterator
Iterable representing the lines of a text file.
FileLineIterable(File) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
Creates a FileLineIterable over a given file, assuming a UTF-8 encoding.
FileLineIterable(File, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
Creates a FileLineIterable over a given file, assuming a UTF-8 encoding.
FileLineIterable(File, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
Creates a FileLineIterable over a given file, using the given encoding.
FileLineIterable(InputStream) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
 
FileLineIterable(InputStream, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
 
FileLineIterable(InputStream, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
 
FileLineIterable(InputStream, Charset, boolean, String) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
 
FileLineIterator - Class in org.apache.mahout.common.iterator
Iterates over the lines of a text file.
FileLineIterator(File) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
Creates a FileLineIterator over a given file, assuming a UTF-8 encoding.
FileLineIterator(File, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
Creates a FileLineIterator over a given file, assuming a UTF-8 encoding.
FileLineIterator(File, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
Creates a FileLineIterator over a given file, using the given encoding.
FileLineIterator(InputStream) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
 
FileLineIterator(InputStream, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
 
FileLineIterator(InputStream, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
 
FileLineIterator(InputStream, Charset, boolean, String) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
 
FilePersistenceStrategy - Class in org.apache.mahout.cf.taste.impl.recommender.svd
Provides a file-based persistent store.
FilePersistenceStrategy(File) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.FilePersistenceStrategy
 
FileSimilarItemsWriter - Class in org.apache.mahout.cf.taste.impl.similarity.precompute
Persist the precomputed item similarities to a file that can later be used by a FileItemSimilarity
FileSimilarItemsWriter(File) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.precompute.FileSimilarItemsWriter
 
FINAL_ITERATION_SUFFIX - Static variable in interface org.apache.mahout.clustering.Cluster
 
finalPartFilter() - Static method in class org.apache.mahout.common.iterator.sequencefile.PathFilters
 
findInCacheByPartOfFilename(String, URI[]) - Static method in class org.apache.mahout.common.HadoopUtil
Finds a file in the DistributedCache
FirstGroupingComparator() - Constructor for class org.apache.mahout.common.IntPairWritable.FirstGroupingComparator
 
firstLine(String) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Processes the first line of a file (which should contain the variable names).
firstLine(String) - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
FixedRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
A simple class that represents a fixed value of an average and count.
FixedRunningAverage(double, int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
FixedRunningAverageAndStdDev - Class in org.apache.mahout.cf.taste.impl.common
A simple class that represents a fixed value of an average, count and standard deviation.
FixedRunningAverageAndStdDev(double, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.common.FixedRunningAverageAndStdDev
 
FixedSizeSamplingIterator<T> - Class in org.apache.mahout.common.iterator
Sample a fixed number of elements from an Iterator.
FixedSizeSamplingIterator(int, Iterator<T>) - Constructor for class org.apache.mahout.common.iterator.FixedSizeSamplingIterator
 
flush(double, Vector) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Adds all of the tokens that we counted up to a vector.
ForestVisualizer - Class in org.apache.mahout.classifier.df.tools
Deprecated.
formatCluster(Kluster) - Static method in class org.apache.mahout.clustering.kmeans.Kluster
Format the cluster for output
formatVector(Vector, String[]) - Static method in class org.apache.mahout.clustering.AbstractCluster
Return a human-readable formatted string representation of the vector, not intended to be complete nor usable as an input/output representation
formatVectorAsJson(Vector, String[]) - Static method in class org.apache.mahout.clustering.AbstractCluster
Create a List of HashMaps containing vector terms and weights
forwardAlgorithm(HmmModel, int[], boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmAlgorithms
External function to compute a matrix of alpha factors
freeze(State<AdaptiveLogisticRegression.Wrapper, CrossFoldLearner>) - Static method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
Frequencies - Class in org.apache.mahout.classifier.df.tools
Deprecated.
FrequenciesJob - Class in org.apache.mahout.classifier.df.tools
Deprecated.
FrequenciesJob(Path, Path, Path) - Constructor for class org.apache.mahout.classifier.df.tools.FrequenciesJob
Deprecated.
 
Frequency(IntPairWritable, double) - Constructor for class org.apache.mahout.common.IntPairWritable.Frequency
 
FREQUENCY_FILE - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
fromJSON(String) - Static method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
De-serialize an instance from a string
fromList(Iterable<String>) - Static method in class org.apache.mahout.vectorizer.encoders.Dictionary
 
fromRho(double, double[]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
fromString(String) - Static method in class org.apache.mahout.common.StringUtils
Restores the object from its string representation.
FullRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
A simple class that can keep track of a running average of a series of numbers.
FullRunningAverage() - Constructor for class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
FullRunningAverage(int, double) - Constructor for class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
FullRunningAverageAndStdDev - Class in org.apache.mahout.cf.taste.impl.common
Extends FullRunningAverage to add a running standard deviation computation.
FullRunningAverageAndStdDev() - Constructor for class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
FullRunningAverageAndStdDev(int, double, double, double) - Constructor for class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
FuzzyKMeansClusterer - Class in org.apache.mahout.clustering.fuzzykmeans
 
FuzzyKMeansClusterer() - Constructor for class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
 
FuzzyKMeansClusteringPolicy - Class in org.apache.mahout.clustering.iterator
This is a probability-weighted clustering policy, suitable for fuzzy k-means clustering
FuzzyKMeansClusteringPolicy() - Constructor for class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
FuzzyKMeansClusteringPolicy(double, double) - Constructor for class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
FuzzyKMeansDriver - Class in org.apache.mahout.clustering.fuzzykmeans
 
FuzzyKMeansDriver() - Constructor for class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
 

G

GaussianAccumulator - Interface in org.apache.mahout.clustering
 
generateAllGrams(Path, Path, Configuration, int, int, float, int) - Static method in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
Generate all ngrams for the DictionaryVectorizer job
generateBasisNormal(int, int) - Static method in class org.apache.mahout.math.random.RandomProjector
Generates a basis matrix of size projectedVectorSize x vectorSize.
generateBasisPlusMinusOne(int, int) - Static method in class org.apache.mahout.math.random.RandomProjector
Generates a basis matrix of size projectedVectorSize x vectorSize.
generateBasisZeroPlusMinusOne(int, int) - Static method in class org.apache.mahout.math.random.RandomProjector
Generates a basis matrix of size projectedVectorSize x vectorSize.
generateDataset(CharSequence, boolean, FileSystem, Path) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
Deprecated.
Generates the Dataset by parsing the entire data
generateDataset(CharSequence, boolean, String[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
Deprecated.
Generates the Dataset by parsing the entire data
generateDescriptor(CharSequence) - Static method in class org.apache.mahout.classifier.df.data.DescriptorUtils
Deprecated.
Generates a valid descriptor string from a user-friendly representation.
for example "3 N I N N 2 C L 5 I" generates "N N N I N N C C L I I I I I".
this useful when describing datasets with a large number of attributes
generateDescriptor(Iterable<String>) - Static method in class org.apache.mahout.classifier.df.data.DescriptorUtils
Deprecated.
Generates a valid descriptor string from a list of tokens
generateNGrams() - Method in class org.apache.mahout.common.nlp.NGrams
 
generateNGramsWithoutLabel() - Method in class org.apache.mahout.common.nlp.NGrams
 
generateVectorBasis(int, int) - Static method in class org.apache.mahout.math.random.RandomProjector
Generates a list of projectedVectorSize vectors, each of size vectorSize.
GenericBooleanPrefDataModel - Class in org.apache.mahout.cf.taste.impl.model
A simple DataModel which uses given user data as its data source.
GenericBooleanPrefDataModel(FastByIDMap<FastIDSet>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
Creates a new GenericDataModel from the given users (and their preferences).
GenericBooleanPrefDataModel(FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
Creates a new GenericDataModel from the given users (and their preferences).
GenericBooleanPrefDataModel(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
GenericBooleanPrefItemBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A variant on GenericItemBasedRecommender which is appropriate for use when no notion of preference value exists in the data.
GenericBooleanPrefItemBasedRecommender(DataModel, ItemSimilarity) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefItemBasedRecommender
 
GenericBooleanPrefItemBasedRecommender(DataModel, ItemSimilarity, CandidateItemsStrategy, MostSimilarItemsCandidateItemsStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefItemBasedRecommender
 
GenericBooleanPrefUserBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A variant on GenericUserBasedRecommender which is appropriate for use when no notion of preference value exists in the data.
GenericBooleanPrefUserBasedRecommender(DataModel, UserNeighborhood, UserSimilarity) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefUserBasedRecommender
 
GenericDataModel - Class in org.apache.mahout.cf.taste.impl.model
A simple DataModel which uses a given List of users as its data source.
GenericDataModel(FastByIDMap<PreferenceArray>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericDataModel
Creates a new GenericDataModel from the given users (and their preferences).
GenericDataModel(FastByIDMap<PreferenceArray>, FastByIDMap<FastByIDMap<Long>>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericDataModel
Creates a new GenericDataModel from the given users (and their preferences).
GenericDataModel(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericDataModel
Deprecated.
GenericItemBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A simple Recommender which uses a given DataModel and ItemSimilarity to produce recommendations.
GenericItemBasedRecommender(DataModel, ItemSimilarity, CandidateItemsStrategy, MostSimilarItemsCandidateItemsStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
GenericItemBasedRecommender(DataModel, ItemSimilarity) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
GenericItemBasedRecommender.MostSimilarEstimator - Class in org.apache.mahout.cf.taste.impl.recommender
 
GenericItemPreferenceArray - Class in org.apache.mahout.cf.taste.impl.model
Like GenericUserPreferenceArray but stores preferences for one item (all item IDs the same) rather than one user.
GenericItemPreferenceArray(int) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
GenericItemPreferenceArray(List<? extends Preference>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
GenericItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
A "generic" ItemSimilarity which takes a static list of precomputed item similarities and bases its responses on that alone.
GenericItemSimilarity(Iterable<GenericItemSimilarity.ItemItemSimilarity>) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
Creates a GenericItemSimilarity from a precomputed list of GenericItemSimilarity.ItemItemSimilaritys.
GenericItemSimilarity(Iterable<GenericItemSimilarity.ItemItemSimilarity>, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
Like GenericItemSimilarity.GenericItemSimilarity(Iterable), but will only keep the specified number of similarities from the given Iterable of similarities.
GenericItemSimilarity(ItemSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
Builds a list of item-item similarities given an ItemSimilarity implementation and a DataModel, rather than a list of GenericItemSimilarity.ItemItemSimilaritys.
GenericItemSimilarity(ItemSimilarity, DataModel, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
Like GenericItemSimilarity.GenericItemSimilarity(ItemSimilarity, DataModel) )}, but will only keep the specified number of similarities from the given DataModel.
GenericItemSimilarity.ItemItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
Encapsulates a similarity between two items.
GenericPreference - Class in org.apache.mahout.cf.taste.impl.model
A simple Preference encapsulating an item and preference value.
GenericPreference(long, long, float) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
GenericRecommendedItem - Class in org.apache.mahout.cf.taste.impl.recommender
A simple implementation of RecommendedItem.
GenericRecommendedItem(long, float) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
GenericRecommenderIRStatsEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
For each user, these implementation determine the top n preferences, then evaluate the IR statistics based on a DataModel that does not have these values.
GenericRecommenderIRStatsEvaluator() - Constructor for class org.apache.mahout.cf.taste.impl.eval.GenericRecommenderIRStatsEvaluator
 
GenericRecommenderIRStatsEvaluator(RelevantItemsDataSplitter) - Constructor for class org.apache.mahout.cf.taste.impl.eval.GenericRecommenderIRStatsEvaluator
 
GenericRelevantItemsDataSplitter - Class in org.apache.mahout.cf.taste.impl.eval
Picks relevant items to be those with the strongest preference, and includes the other users' preferences in full.
GenericRelevantItemsDataSplitter() - Constructor for class org.apache.mahout.cf.taste.impl.eval.GenericRelevantItemsDataSplitter
 
GenericUserBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A simple Recommender which uses a given DataModel and UserNeighborhood to produce recommendations.
GenericUserBasedRecommender(DataModel, UserNeighborhood, UserSimilarity) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
GenericUserPreferenceArray - Class in org.apache.mahout.cf.taste.impl.model
Like GenericItemPreferenceArray but stores preferences for one user (all user IDs the same) rather than one item.
GenericUserPreferenceArray(int) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
GenericUserPreferenceArray(List<? extends Preference>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
GenericUserSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
 
GenericUserSimilarity(Iterable<GenericUserSimilarity.UserUserSimilarity>) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
GenericUserSimilarity(Iterable<GenericUserSimilarity.UserUserSimilarity>, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
GenericUserSimilarity(UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
GenericUserSimilarity(UserSimilarity, DataModel, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
GenericUserSimilarity.UserUserSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
 
get(K) - Method in class org.apache.mahout.cf.taste.impl.common.Cache
Returns cached value for a key.
get(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
get(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
get(K) - Method in interface org.apache.mahout.cf.taste.impl.common.Retriever
 
get(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
get(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
get(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
get(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
get(int) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
get(int) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
get(int) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
Returns the element at the specified position
get(int) - Method in class org.apache.mahout.classifier.df.data.Instance
Deprecated.
Return the attribute at the specified position
get() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
get(String) - Method in class org.apache.mahout.common.Parameters
 
get(String, String) - Method in class org.apache.mahout.common.Parameters
 
get() - Method in interface org.apache.mahout.common.parameters.Parameter
 
get(int) - Method in class org.apache.mahout.ep.State
Returns a transformed parameter.
get() - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.MutableElement
 
getAbtBlockHeight() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getAccuracy(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getAccuracy() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getActual() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
getAdjustedRandIndex(Matrix) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Computes the Adjusted Rand Index for a given confusion matrix.
getAllOtherItems(long, PreferenceArray, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
 
getAllOtherItems(long[], long, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefUserBasedRecommender
 
getAllOtherItems(long[], long, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
getAnalyzerClassFromOption() - Method in class org.apache.mahout.common.AbstractJob
 
getAnalyzerClassName() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getAttr() - Method in class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
getAttribute(int) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
getAucEvaluator() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getAverage() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
getAverage() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
getAverage() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
getAverage() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
getAverage() - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
getAverage() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
getAverageStd() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
 
getAverageStd() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
getAverageStd() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
getBaseGradient() - Method in class org.apache.mahout.classifier.sgd.RankingGradient
 
getBasisVector(int) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
getBest() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getBestCentroids(List<Centroid>, Configuration) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansReducer
 
getBeta() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
getBlock() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
 
getBottomLevelClusterPath(Path, String) - Static method in class org.apache.mahout.clustering.topdown.PathDirectory
Each cluster produced by top level clustering is processed in output/"bottomLevelCluster"/clusterId.
getBuffer() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getBytes() - Method in class org.apache.mahout.common.IntPairWritable
 
getBytes() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
getBytes() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
getCachedFiles(Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
Retrieves paths to cached files.
getCandidateItems(long, PreferenceArray, DataModel, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
getCandidateItems(long[], DataModel) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
getCandidateItems(long, PreferenceArray, DataModel, boolean) - Method in interface org.apache.mahout.cf.taste.recommender.CandidateItemsStrategy
 
getCandidateItems(long[], DataModel) - Method in interface org.apache.mahout.cf.taste.recommender.MostSimilarItemsCandidateItemsStrategy
 
getCandidateQueue(int) - Static method in class org.apache.mahout.math.neighborhood.Searcher
Returns a bounded size priority queue, in reverse order that keeps track of the best nearest neighbor vectors.
getCardinality() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getCategory(int) - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
getCenter() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getCenter() - Method in interface org.apache.mahout.clustering.Cluster
Get the "center" of the Cluster as a Vector
getCenters(Iterable<Canopy>) - Static method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
Iterate through the canopies, adding their centroids to a list
getCentroid() - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
getCentroidsFromVectorWritable(Iterable<VectorWritable>) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansUtilsMR
Returns an Iterable of centroids from an Iterable of VectorWritables by creating a new Centroid containing a RandomAccessSparseVector as a delegate for each VectorWritable.
getChunkSizeInMegabytes() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getClassname() - Method in enum org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasures
 
getCleanedEigensPath() - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
getCLIOption(String) - Method in class org.apache.mahout.common.AbstractJob
 
getClusterIDs(Path, Configuration, boolean) - Static method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterCountReader
Generates a list of all cluster ids by reading the clusters-*-final file.
getClusterOutputClusteredPoints(Path) - Static method in class org.apache.mahout.clustering.topdown.PathDirectory
The top level clustered points before post processing is generated here.
getClusterPathForClusterId(Path, String) - Static method in class org.apache.mahout.clustering.topdown.PathDirectory
Each clusters path name is its clusterId.
getClusterPostProcessorOutputDirectory(Path) - Static method in class org.apache.mahout.clustering.topdown.PathDirectory
The output of top level clusters is post processed and kept in this path.
getCnt() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
getCol() - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
getCol() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
getConf() - Method in class org.apache.mahout.classifier.df.tools.Describe
 
getConf() - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
getConf() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
getConf() - Method in class org.apache.mahout.common.AbstractJob
 
getConf() - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
Deprecated.
 
getConf() - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
getConf() - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
getConf() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
getConf() - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob
 
getConf() - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 
getConf() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getConfusionMatrix() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getConfusionMatrix() - Method in class org.apache.mahout.classifier.ResultAnalyzer
 
getConfusionMatrix(List<? extends Vector>, List<? extends Vector>, Iterable<? extends Vector>, DistanceMeasure) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Creates a confusion matrix by searching for the closest cluster of both the row clustering and column clustering of a point and adding its weight to that cell of the matrix.
getCorrect(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getCosAngleError() - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getCosAngleError(CharSequence) - Static method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getCount() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
getCount() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
getCount() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
getCount() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
getCount() - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
getCount() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
getCount(String, String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getCumulativeInitialProbabilities(HmmModel) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Compute the cumulative distribution of the initial hidden state probabilities for the given HMM model.
getCumulativeOutputMatrix(HmmModel) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Compute the cumulative output probability matrix for the given HMM model.
getCumulativeTransitionMatrix(HmmModel) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Compute the cumulative transition probability matrix for the given HMM model.
getCurrentKey() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
getCurrentValue() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
getCustomJobName(String, JobContext, Class<? extends Mapper>, Class<? extends Reducer>) - Static method in class org.apache.mahout.common.HadoopUtil
 
getDataFile() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getDataModel() - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
 
getDataModel() - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
getDataModel() - Method in class org.apache.mahout.cf.taste.impl.similarity.AbstractItemSimilarity
 
getDataModel() - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
getDataPath() - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
 
getDataset() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
getDataset() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
 
getDataSource() - Method in interface org.apache.mahout.cf.taste.model.JDBCDataModel
 
getDefaultCandidateItemsStrategy() - Static method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
 
getDefaultLabel() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getDefaultMostSimilarItemsCandidateItemsStrategy() - Static method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
getDelegate() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getDiagonalMatrix() - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
getDictionary() - Method in class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
 
getDimensions(Path) - Method in class org.apache.mahout.common.AbstractJob
Get the cardinality of the input vectors
getDistanceCutoff() - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
getDistanceMeasure() - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
getDistanceMeasure() - Method in class org.apache.mahout.math.neighborhood.Searcher
 
getDistributedCacheFile(Configuration, int) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Helper method.
getEigenValue() - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getEigenValue(CharSequence) - Static method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getEmissionMatrix() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter function to get the output state probability matrix
getEncoderClass() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getEncoderName() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getEntries() - Method in class org.apache.mahout.common.IntegerTuple
Fetch the list of entries from the tuple
getEntries() - Method in class org.apache.mahout.common.StringTuple
Fetch the list of entries from the tuple
getEp() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getExponent() - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
getF1Measure() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
See F-measure.
getF1Measure() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getF1score(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getFallOut() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
See Fall-Out.
getFallOut() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getFeature() - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
getFetchSize() - Method in class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
 
getFileStatus(Path, PathType, PathFilter, Comparator<FileStatus>, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
getFirst() - Method in class org.apache.mahout.common.IntPairWritable
 
getFirst() - Method in class org.apache.mahout.common.LongPair
 
getFirst() - Method in class org.apache.mahout.common.Pair
 
getFirstId() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
getFirstTreeId() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
 
getFloat(String) - Method in class org.apache.mahout.common.AbstractJob
 
getFloat(String, float) - Method in class org.apache.mahout.common.AbstractJob
 
getFNMeasure(double) - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
See F-measure.
getFNMeasure(double) - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getFrequency() - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
getFrequency() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
getGroup() - Method in class org.apache.mahout.common.AbstractJob
 
getGroupKey() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
getHash() - Method in class org.apache.mahout.math.neighborhood.HashedVector
 
getHiddenStateID(String) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Lookup the ID for the given hidden state name
getHiddenStateName(int) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Lookup the name for the given hidden state ID
getHiddenStateNames() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter method for the hidden state Names map
getID() - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
getId() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getId() - Method in interface org.apache.mahout.clustering.Cluster
Get the id of the Cluster
getId() - Method in class org.apache.mahout.ep.State
 
getIdentifier() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getIdentifier() - Method in class org.apache.mahout.clustering.canopy.Canopy
Deprecated.
 
getIdentifier() - Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
 
getIdentifier() - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
getIdentifier() - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
getIdName() - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
getIDs() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
getIDs() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
getIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
getIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
getIDs() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
getIdString(CharSequence) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Extract the id column value from the CSV record
getIg() - Method in class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
getIgnored() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
getIndex() - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getIndex(CharSequence) - Static method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
getInitialProbabilities() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter function to return the vector of initial hidden state probabilities
getInitialVector(VectorIterable) - Static method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
For the distributed case, the best guess at a useful initialization state for Lanczos we'll chose to be uniform over all input dimensions, L_2 normalized.
getInputFile() - Method in class org.apache.mahout.common.AbstractJob
 
getInputPath() - Method in class org.apache.mahout.common.AbstractJob
Returns the input path established by a call to AbstractJob.parseArguments(String[]).
getInstance() - Static method in class org.apache.mahout.cf.taste.impl.recommender.ByValueRecommendedItemComparator
 
getInstance() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
getInt(String) - Method in class org.apache.mahout.common.AbstractJob
 
getInt(String, int) - Method in class org.apache.mahout.common.AbstractJob
 
getInt(String, int) - Method in class org.apache.mahout.common.Parameters
 
getInverseCovarianceMatrix() - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
getItemFeatures(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getItemID() - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
getItemID(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
getItemID() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
getItemID(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
getItemID(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
getItemID() - Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
getItemID(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
getItemID() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
getItemID() - Method in interface org.apache.mahout.cf.taste.model.Preference
 
getItemID(int) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
getItemID() - Method in interface org.apache.mahout.cf.taste.recommender.RecommendedItem
 
getItemID() - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItem
 
getItemID() - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItems
 
getItemID1() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
getItemID2() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
getItemIDMappingKeys() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getItemIDMappings() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getItemIds() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
getItemIDs() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getItemIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getItemIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getItemIDs() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getItemIDs() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getItemIDsFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getItemIDsFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getItemIDsFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getItemIDsFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getItemIDsFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getItemIDsFromUser(long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getItemInstance() - Static method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
getItemItemPairInstance() - Static method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
getItemsToRecommendForUser(Long) - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
Gets a collection of items which should be recommended for a user
getKappa() - Method in class org.apache.mahout.classifier.ConfusionMatrix
Accuracy v.s.
getKey() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
getKey() - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
getKeyClass() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterator
 
getKP() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
getLabel() - Method in class org.apache.mahout.classifier.ClassifierResult
 
getLabel(Instance) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
getLabelId() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
getLabels() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getLabels() - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
getLabelString(double) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Returns the label value in the data This method can be used when the criterion variable is the categorical attribute.
getLambda() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
getLearner() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
getLength() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
getLength() - Method in class org.apache.mahout.common.IntPairWritable
 
getLength() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
getLength() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
getLocations() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
getLogLikelihood() - Method in class org.apache.mahout.classifier.ClassifierResult
 
getLogLikelihood() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getM() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
getMappedParams() - Method in class org.apache.mahout.ep.State
Returns all the parameters in mapped form.
getMaps() - Method in class org.apache.mahout.ep.State
 
getMatrix() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getMaxImpact() - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
getMaxInterval() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getMaxIters() - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
getMaxNGramSize() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getMaxPreference() - Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
getMaxPreference() - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
getMaxPreference() - Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
 
getMaxPreference() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getMaxPreference() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getMaxPreference() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getMaxTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getMean() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
 
getMean() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
getMean() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
getMeanTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getMeanVector() - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
getMeasure() - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
getMinInterval() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getMinLLRValue() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getMinPreference() - Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
getMinPreference() - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
getMinPreference() - Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
 
getMinPreference() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getMinPreference() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getMinPreference() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getMinSupport() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getMinTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getMk() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
getModel() - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
getModelPaths(Configuration) - Static method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
getModels() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getModels() - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
getModelTrainer() - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
getN() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
 
getN() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
getN() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
getN() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
getName() - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
getNbTrees(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Get the number of trees for the map-reduce job.
getNbTrees() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
getNCalls() - Method in class org.apache.mahout.common.TimingStatistics
 
getNormalizedDiscountedCumulativeGain() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
getNormalizedDiscountedCumulativeGain() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getNormalizedStats() - Method in class org.apache.mahout.classifier.ConfusionMatrix
Standard deviation of normalized producer accuracy Not a standard score
getNormPower() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getNrOfHiddenStates() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter Method for the number of hidden states
getNrOfOutputStates() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter Method for the number of output states
getNumberOfClusters(Path, Configuration) - Static method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterCountReader
Reads the number of clusters present by reading the clusters-*-final file.
getNumCategories() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getNumClusters() - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
getNumFeatures() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getNumFeatures() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getNumItems() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getNumItems() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getNumItems() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getNumItems() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getNumItems() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getNumMaps(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Return the value of "mapred.map.tasks".
getNumObservations() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getNumObservations() - Method in interface org.apache.mahout.clustering.Model
Return the number of observations that this model has seen since its parameters were last computed
getNumReducers() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getNumRows() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
getNumTerms() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
getNumTopics() - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
getNumTopics() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
getNumUsers() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getNumUsers() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getNumUsers() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getNumUsers() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getNumUsers() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getNumUsers() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getNumUsersWithPreferenceFor(long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getNumUsersWithPreferenceFor(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getNumUsersWithPreferenceFor(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getNumUsersWithPreferenceFor(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getNumUsersWithPreferenceFor(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getNumUsersWithPreferenceFor(long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getNumUsersWithPreferenceFor(long, long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getOmni() - Method in class org.apache.mahout.ep.State
 
getOption(String) - Method in class org.apache.mahout.common.AbstractJob
 
getOption(String, String) - Method in class org.apache.mahout.common.AbstractJob
Get the option, else the default
getOption(Map<String, List<String>>, String) - Static method in class org.apache.mahout.common.AbstractJob
 
getOptions(String) - Method in class org.apache.mahout.common.AbstractJob
Options can occur multiple times, so return the list
getOuterBlockHeight() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getOutputFile() - Method in class org.apache.mahout.common.AbstractJob
 
getOutputPath(Configuration) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Output Directory name
getOutputPath() - Method in class org.apache.mahout.common.AbstractJob
Returns the output path established by a call to AbstractJob.parseArguments(String[]).
getOutputPath(String) - Method in class org.apache.mahout.common.AbstractJob
 
getOutputStateID(String) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Lookup the ID for the given output state name
getOutputStateName(int) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Lookup the name for the given output state id
getOutputStateNames() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter method for the output state Names map
getOutputTempPath() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
getPair() - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
getParameters() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getParameters() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getParameters() - Method in class org.apache.mahout.common.distance.ChebyshevDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.CosineDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
getParameters() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
getParameters() - Method in interface org.apache.mahout.common.parameters.Parametered
 
getParams() - Method in class org.apache.mahout.ep.State
 
getPartition(GramKey, Gram, int) - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKeyPartitioner
 
getPayload() - Method in class org.apache.mahout.ep.State
 
getPcaMeanPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
Optional.
getPolicy() - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
getPopulation() - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
getPopulationSize() - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
getPostProcessedClusterDirectories() - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessor
 
getPrecision() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
See Precision.
getPrecision() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getPrecision(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getPredictors() - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Returns a list of the names of the predictor variables.
getPredictors() - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
getPreferencesForItem(long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getPreferencesForItem(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getPreferencesForItem(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getPreferencesForItem(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getPreferencesForItem(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getPreferencesForItem(long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getPreferencesFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getPreferencesFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getPreferencesFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getPreferencesFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getPreferencesFromUser(long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getPreferencesFromUser(long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getPreferenceTime(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getPreferenceTime(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getPreferenceTime(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getPreferenceTime(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getPreferenceTime(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getPreferenceTime(long, long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
Retrieves the time at which a preference value from a user and item was set, if known.
getPreferenceValue(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getPreferenceValue(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getPreferenceValue(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getPreferenceValue(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getPreferenceValue(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getPreferenceValue(long, long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
Retrieves the preference value for a single user and item.
getPrefValue() - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
getPrefValue() - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
getPrimaryLength() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
getPrimaryString() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
getPrior() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
getPrior() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getPrior() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getProbes() - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
getProgress() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
getProperties() - Method in class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
getQ() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getQuick(int, int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
Get omega element at (x,y) uniformly distributed within [-1...1)
getRadius() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getRadius() - Method in interface org.apache.mahout.clustering.Cluster
Get the "radius" of the Cluster as a Vector.
getRandomSeed(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Returns the random seed
getRawItemData() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
This is used mostly internally to the framework, and shouldn't be relied upon otherwise.
getRawItemData() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
This is used mostly internally to the framework, and shouldn't be relied upon otherwise.
getRawUserData() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
This is used mostly internally to the framework, and shouldn't be relied upon otherwise.
getRawUserData() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
This is used mostly internally to the framework, and shouldn't be relied upon otherwise.
getReach() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
 
getReach() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getReadModel() - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
getRecall() - Method in interface org.apache.mahout.cf.taste.eval.IRStatistics
See Recall.
getRecall() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
getRecall(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getRecommendedItems() - Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
getRecommender() - Method in class org.apache.mahout.cf.taste.similarity.precompute.BatchItemSimilarities
 
getRecord() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getRecord() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
getRelevantItemsIDs(long, int, double, DataModel) - Method in interface org.apache.mahout.cf.taste.eval.RelevantItemsDataSplitter
During testing, relevant items are removed from a particular users' preferences, and a model is build using this user's other preferences and all other users.
getRelevantItemsIDs(long, int, double, DataModel) - Method in class org.apache.mahout.cf.taste.impl.eval.GenericRelevantItemsDataSplitter
 
getReliability() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getResults() - Method in class org.apache.mahout.classifier.df.mapreduce.Classifier
Deprecated.
 
getRightSingularVector(int) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
getRow() - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
getRow() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
getRowIndices() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
getRowPath() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
getRows() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
getRTilde() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
getS0() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getS1() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getS2() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getScaleFactor() - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
getScore() - Method in class org.apache.mahout.classifier.ClassifierResult
 
getScoreForLabelFeature(int, int) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
getScoreForLabelFeature(int, int) - Method in class org.apache.mahout.classifier.naivebayes.ComplementaryNaiveBayesClassifier
 
getScoreForLabelFeature(int, int) - Method in class org.apache.mahout.classifier.naivebayes.StandardNaiveBayesClassifier
 
getScoreForLabelInstance(int, Vector) - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
getSearchSize() - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
getSecond() - Method in class org.apache.mahout.common.IntPairWritable
 
getSecond() - Method in class org.apache.mahout.common.LongPair
 
getSecond() - Method in class org.apache.mahout.common.Pair
 
getSeed() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
getSeed() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
getSeed() - Method in class org.apache.mahout.vectorizer.encoders.CachingValueEncoder
 
getSeed() - Method in class org.apache.mahout.vectorizer.encoders.ConstantValueEncoder
 
getSeed() - Method in class org.apache.mahout.vectorizer.encoders.ContinuousValueEncoder
 
getSentinelObject() - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.TopSimilarItemsQueue
 
getSentinelObject() - Method in class org.apache.mahout.cf.taste.hadoop.TopItemsQueue
 
getSentinelObject() - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.TopElementsQueue
 
getSimilarItems() - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItems
 
getSimilarItemsPerItem() - Method in class org.apache.mahout.cf.taste.similarity.precompute.BatchItemSimilarities
 
getSimilarity() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
getSimilarity() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
getSimilarity() - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItem
 
getSimilarityColumn() - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
getSingleCachedFile(Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
Return the first cached file in the list, else null if thre are no cached files.
getSingularValues() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
This contains k+p singular values resulted from the solver run.
getSingularValues() - Method in class org.apache.mahout.math.ssvd.SequentialOutOfCoreSvd
 
getSk() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
getSplit() - Method in class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
getSplits(JobContext) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
Deprecated.
 
getSplits(Configuration, int) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
Deprecated.
 
getStandardDeviation() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverageAndStdDev
 
getStandardDeviation() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
getStandardDeviation() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
getStandardDeviation() - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverageAndStdDev
 
getStandardDeviation() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
getStd() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
 
getStd() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
getStd() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
getStdDevTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getStep() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
getStep() - Method in class org.apache.mahout.ep.State
 
getString() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
getString() - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
getString() - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
getString() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
getString() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
getStringValue() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
getStringValue() - Method in class org.apache.mahout.common.parameters.ClassParameter
 
getStringValue() - Method in interface org.apache.mahout.common.parameters.Parameter
 
getSum() - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
getSumOfSquares() - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
getSumSquaredTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getSumTime() - Method in class org.apache.mahout.common.TimingStatistics
 
getT1() - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
getT2() - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
getT3() - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
getT4() - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
getTargetCategories() - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
getTargetCategories() - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
getTargetLabel(int) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Extract the corresponding raw target label according to a code
getTargetString(CharSequence) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Extract the raw target string from a line read from a CSV file.
getTaskId() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
getTaskItemOrdinal() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
getTempPath() - Method in class org.apache.mahout.common.AbstractJob
 
getTempPath(String) - Method in class org.apache.mahout.common.AbstractJob
 
getTfDirName() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
getThinQtTilde() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
getThreadCount() - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
getTiming() - Method in class org.apache.mahout.cf.taste.impl.eval.LoadStatistics
 
getTopElements() - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.TopElementsQueue
 
getTopItemItemSimilarities(int, Iterator<GenericItemSimilarity.ItemItemSimilarity>) - Static method in class org.apache.mahout.cf.taste.impl.recommender.TopItems
Thanks to tsmorton for suggesting this functionality and writing part of the code.
getTopItems() - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.TopSimilarItemsQueue
 
getTopItems() - Method in class org.apache.mahout.cf.taste.hadoop.TopItemsQueue
 
getTopItems(int, LongPrimitiveIterator, IDRescorer, TopItems.Estimator<Long>) - Static method in class org.apache.mahout.cf.taste.impl.recommender.TopItems
 
getTopLevelClusterPath(Path) - Static method in class org.apache.mahout.clustering.topdown.PathDirectory
All output of top level clustering is stored in output directory/topLevelCluster.
getTopUsers(int, LongPrimitiveIterator, IDRescorer, TopItems.Estimator<Long>) - Static method in class org.apache.mahout.cf.taste.impl.recommender.TopItems
 
getTopUserUserSimilarities(int, Iterator<GenericUserSimilarity.UserUserSimilarity>) - Static method in class org.apache.mahout.cf.taste.impl.recommender.TopItems
 
getTotal(String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getTotalCount() - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
getTotalObservations() - Method in class org.apache.mahout.clustering.AbstractCluster
 
getTotalObservations() - Method in interface org.apache.mahout.clustering.Model
Return the number of observations that this model has seen over its lifetime
getTotalWeight() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
getTraceDictionary() - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
getTraceDictionary() - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
getTransitionMatrix() - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Getter function to get the hidden state transition matrix
getTree() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
getTreeBuilder(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
 
getTreeBuilder() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
 
getType() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
getType() - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
getType() - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
getType() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
getType() - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
getType() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
getType() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
getuHalfSigmaPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getUPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
returns U path (if computation were requested and successful).
getUserFeatures(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getUserID() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
getUserID(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
getUserID() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
getUserID(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
getUserID(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
getUserID() - Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
getUserID(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
getUserID() - Method in interface org.apache.mahout.cf.taste.model.Preference
 
getUserID(int) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
getUserID1() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
getUserID2() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
getUserIDMappingKeys() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getUserIDMappings() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
getUserIds() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
getUserIDs() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
getUserIDs() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
getUserInstance() - Static method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
getUserNeighborhood(long) - Method in class org.apache.mahout.cf.taste.impl.neighborhood.CachingUserNeighborhood
 
getUserNeighborhood(long) - Method in class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
 
getUserNeighborhood(long) - Method in class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
 
getUserNeighborhood(long) - Method in interface org.apache.mahout.cf.taste.neighborhood.UserNeighborhood
 
getUserUserPairInstance() - Static method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
getuSigmaPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getVal() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
getValue() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
getValue() - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
getValue(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
getValue() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
getValue(int) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
getValue(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
getValue() - Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
getValue(int) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
getValue() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
getValue() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
getValue() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
getValue() - Method in interface org.apache.mahout.cf.taste.model.Preference
 
getValue(int) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
getValue() - Method in interface org.apache.mahout.cf.taste.recommender.RecommendedItem
A value expressing the strength of the preference for the recommended item.
getValue() - Method in class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
getValue() - Method in class org.apache.mahout.clustering.iterator.ClusterWritable
 
getValue() - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
getValue() - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
getValue() - Method in class org.apache.mahout.ep.State
 
getValueClass() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterator
 
getValueClass() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterator
 
getValues() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
getVariance() - Method in interface org.apache.mahout.clustering.GaussianAccumulator
 
getVariance() - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
getVariance() - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
getVector() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
getVector() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
getVector() - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
getVector() - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
getvHalfSigmaPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getVPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
return V path ( if computation was requested and successful ) .
getvSigmaPath() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
getWeight() - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
getWeight(int) - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
getWeight() - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
getWeight(byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
 
getWeight(byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.ConstantValueEncoder
 
getWeight(byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.ContinuousValueEncoder
 
getWeight(byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
getWeight(byte[], byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
 
getWeight(byte[], double) - Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
 
getWeightedF1score() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getWeightedPrecision() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getWeightedRecall() - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
getWeights() - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
givens(double, double, double[]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
GivensThinSolver - Class in org.apache.mahout.math.hadoop.stochasticsvd.qr
Givens Thin solver.
GivensThinSolver(int, int) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
GlobalOnlineAuc - Class in org.apache.mahout.math.stats
Computes a running estimate of AUC (see http://en.wikipedia.org/wiki/Receiver_operating_characteristic).
GlobalOnlineAuc() - Constructor for class org.apache.mahout.math.stats.GlobalOnlineAuc
 
Gradient - Interface in org.apache.mahout.classifier.sgd
Provides the ability to inject a gradient into the SGD logistic regresion.
GradientMachine - Class in org.apache.mahout.classifier.sgd
Online gradient machine learner that tries to minimize the label ranking hinge loss.
GradientMachine(int, int, int) - Constructor for class org.apache.mahout.classifier.sgd.GradientMachine
 
Gram - Class in org.apache.mahout.vectorizer.collocations.llr
Writable for holding data generated from the collocation discovery jobs.
Gram() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.Gram
 
Gram(Gram) - Constructor for class org.apache.mahout.vectorizer.collocations.llr.Gram
Copy constructor
Gram(String, Gram.Type) - Constructor for class org.apache.mahout.vectorizer.collocations.llr.Gram
Create an gram with a frequency of 1
Gram(String, int, Gram.Type) - Constructor for class org.apache.mahout.vectorizer.collocations.llr.Gram
Create a gram with the specified frequency.
Gram.Type - Enum in org.apache.mahout.vectorizer.collocations.llr
 
GramKey - Class in org.apache.mahout.vectorizer.collocations.llr
A GramKey, based on the identity fields of Gram (type, string) plus a byte[] used for secondary ordering
GramKey() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
GramKey(Gram, byte[]) - Constructor for class org.apache.mahout.vectorizer.collocations.llr.GramKey
create a GramKey based on the specified Gram and order
GramKeyPartitioner - Class in org.apache.mahout.vectorizer.collocations.llr
Partition GramKeys based on their Gram, ignoring the secondary sort key so that all GramKeys with the same gram are sent to the same partition.
GramKeyPartitioner() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.GramKeyPartitioner
 
GramSchmidt - Class in org.apache.mahout.math.hadoop.stochasticsvd.qr
Gram Schmidt quick helper.
greaterOrEquals(int, double) - Static method in class org.apache.mahout.classifier.df.data.conditions.Condition
Deprecated.
Condition that checks if the given attribute has a value "greater or equal" than the given value
GreaterOrEquals - Class in org.apache.mahout.classifier.df.data.conditions
Deprecated.
GreaterOrEquals(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.GreaterOrEquals
Deprecated.
 
GroupedOnlineAuc - Class in org.apache.mahout.math.stats
Implements a variant on AUC where the result returned is an average of several AUC measurements made on sub-groups of the overall data.
GroupedOnlineAuc() - Constructor for class org.apache.mahout.math.stats.GroupedOnlineAuc
 

H

HadoopUtil - Class in org.apache.mahout.common
 
hammingDistance(long) - Method in class org.apache.mahout.math.neighborhood.HashedVector
 
hash(String) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractIDMigrator
 
hash(WeightedVector, Matrix) - Static method in class org.apache.mahout.math.neighborhood.HashedVector
 
hash(WeightedVector, Matrix, long) - Static method in class org.apache.mahout.math.neighborhood.HashedVector
 
hash(String, int, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Hash a string and an integer into the range [0..numFeatures-1].
hash(byte[], int, int) - Static method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Hash a byte array and an integer into the range [0..numFeatures-1].
hash(String, String, int, int) - Static method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Hash two strings and an integer into the range [0..numFeatures-1].
hash(byte[], byte[], int, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Hash two byte arrays and an integer into the range [0..numFeatures-1].
hash(String, String, String, String, int, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Hash four strings and an integer into the range [0..numFeatures-1].
hashCode() - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
hashCode() - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
hashCode() - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
hashCode() - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
hashCode() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
hashCode() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.data.Instance
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
hashCode() - Method in class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
hashCode() - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
hashCode() - Method in class org.apache.mahout.common.IntegerTuple
 
hashCode() - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
hashCode() - Method in class org.apache.mahout.common.IntPairWritable
 
hashCode() - Method in class org.apache.mahout.common.LongPair
 
hashCode() - Method in class org.apache.mahout.common.Pair
 
hashCode() - Method in class org.apache.mahout.common.StringTuple
 
hashCode() - Method in class org.apache.mahout.ep.State
 
hashCode() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
hashCode() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
hashCode() - Method in class org.apache.mahout.math.neighborhood.HashedVector
 
HashedVector - Class in org.apache.mahout.math.neighborhood
Decorates a weighted vector with a locality sensitive hash.
HashedVector(Vector, long, int) - Constructor for class org.apache.mahout.math.neighborhood.HashedVector
 
HashedVector(Vector, Matrix, int, long) - Constructor for class org.apache.mahout.math.neighborhood.HashedVector
 
HashedVector(WeightedVector, Matrix, long) - Constructor for class org.apache.mahout.math.neighborhood.HashedVector
 
hashesForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Returns all of the hashes for this probe.
hashesForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.CachingContinuousValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.CachingStaticWordValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.CachingValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Provides the unique hash for a particular probe.
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
 
hashForProbe(byte[], int, String, int) - Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
 
hasNext() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
hasNext() - Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
hasNext() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRLastStep
 
hasOption(String) - Method in class org.apache.mahout.common.AbstractJob
 
hasPreferenceValues() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
hasPreferenceValues() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
hasPreferenceValues() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
hasPreferenceValues() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
hasPreferenceValues() - Method in interface org.apache.mahout.cf.taste.model.DataModel
 
hasPrefWithItemID(long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
hasPrefWithItemID(long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
hasPrefWithItemID(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
hasPrefWithItemID(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
hasPrefWithItemID(long) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
hasPrefWithUserID(long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
hasPrefWithUserID(long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
hasPrefWithUserID(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
hasPrefWithUserID(long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
hasPrefWithUserID(long) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
HdfsBackedLanczosState - Class in org.apache.mahout.math.hadoop.decomposer
 
HdfsBackedLanczosState(VectorIterable, int, Vector, Path) - Constructor for class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
help(Parametered) - Static method in class org.apache.mahout.common.parameters.Parametered.ParameteredGeneralizations
 
helpOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for help.
hiddenToOutput(Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Feeds forward from hidden to output
HighDFWordsPruner - Class in org.apache.mahout.vectorizer
 
HISTORY - Static variable in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
HmmAlgorithms - Class in org.apache.mahout.classifier.sequencelearning.hmm
Class containing implementations of the three major HMM algorithms: forward, backward and Viterbi
HmmEvaluator - Class in org.apache.mahout.classifier.sequencelearning.hmm
The HMMEvaluator class offers several methods to evaluate an HMM Model.
HmmModel - Class in org.apache.mahout.classifier.sequencelearning.hmm
Main class defining a Hidden Markov Model
HmmModel(int, int, long) - Constructor for class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Construct a valid random Hidden-Markov parameter set with the given number of hidden and output states using a given seed.
HmmModel(int, int) - Constructor for class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Construct a valid random Hidden-Markov parameter set with the given number of hidden and output states.
HmmModel(Matrix, Matrix, Vector) - Constructor for class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Generates a Hidden Markov model using the specified parameters
HmmTrainer - Class in org.apache.mahout.classifier.sequencelearning.hmm
Class containing several algorithms used to train a Hidden Markov Model.
HmmUtils - Class in org.apache.mahout.classifier.sequencelearning.hmm
A collection of utilities for handling HMMModel objects.

I

identicalLabel() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
checks if all the vectors have identical label values
identity() - Static method in class org.apache.mahout.ep.Mapping
Maps results to themselves.
Identity() - Constructor for class org.apache.mahout.ep.Mapping.Identity
 
IDMigrator - Interface in org.apache.mahout.cf.taste.model
Mahout 0.2 changed the framework to operate only in terms of numeric (long) ID values for users and items.
IDReader - Class in org.apache.mahout.cf.taste.hadoop.item
Reads user ids and item ids from files specified in usersFile, itemsFile or userItemFile options in item-based recommender.
IDReader(Configuration) - Constructor for class org.apache.mahout.cf.taste.hadoop.item.IDReader
Creates a new IDReader
IDRescorer - Interface in org.apache.mahout.cf.taste.recommender
A Rescorer which operates on long primitive IDs, rather than arbitrary Objects.
idToIndex(long) - Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
Maps a long to an int with range of 0 to Integer.MAX_VALUE-1
IGNORE_WEIGHTS - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
Whether to correct the weights of the centroids after the clustering is done.
IgSplit - Class in org.apache.mahout.classifier.df.split
Deprecated.
IgSplit() - Constructor for class org.apache.mahout.classifier.df.split.IgSplit
Deprecated.
 
IKernelProfile - Interface in org.apache.mahout.clustering.kernel
 
includeBiasTerm(boolean) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
includeBiasTerm(boolean) - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
incrementCount(String, String, int) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
incrementCount(String, String) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
incrementFrequency(int) - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
incrementItemOrdinal() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
incrementToken() - Method in class org.apache.mahout.common.lucene.IteratorTokenStream
 
index() - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.MutableElement
 
IndexInstancesMapper - Class in org.apache.mahout.classifier.naivebayes.training
 
IndexInstancesMapper() - Constructor for class org.apache.mahout.classifier.naivebayes.training.IndexInstancesMapper
 
infer(Vector, Vector) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
inferPreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
 
inferPreference(long, long) - Method in interface org.apache.mahout.cf.taste.similarity.PreferenceInferrer
Infers the given user's preference value for an item.
INITIAL_CLUSTERS_DIR - Static variable in interface org.apache.mahout.clustering.Cluster
 
initialize(Iterable<String>) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
initialize(Iterable<String>) - Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
 
initialize() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
initialize(Iterable<String>) - Method in interface org.apache.mahout.cf.taste.model.UpdatableIDMigrator
Make the mapping aware of the given string IDs.
initialize(InputSplit, TaskAttemptContext) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
initWeights(Random) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Initialize weights.
InMemBuilder - Class in org.apache.mahout.classifier.df.mapreduce.inmem
Deprecated.
InMemBuilder(TreeBuilder, Path, Path, Long, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
Deprecated.
 
InMemBuilder(TreeBuilder, Path, Path) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
Deprecated.
 
InMemInputFormat - Class in org.apache.mahout.classifier.df.mapreduce.inmem
Deprecated.
InMemInputFormat() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
Deprecated.
 
InMemInputFormat.InMemInputSplit - Class in org.apache.mahout.classifier.df.mapreduce.inmem
Deprecated.
Custom InputSplit that indicates how many trees are built by each mapper
InMemInputFormat.InMemRecordReader - Class in org.apache.mahout.classifier.df.mapreduce.inmem
Deprecated.
 
InMemInputSplit() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
InMemInputSplit(int, int, Long) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
InMemMapper - Class in org.apache.mahout.classifier.df.mapreduce.inmem
Deprecated.
InMemMapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemMapper
Deprecated.
 
InMemoryCollapsedVariationalBayes0 - Class in org.apache.mahout.clustering.lda.cvb
Runs the same algorithm as CVB0Driver, but sequentially, in memory.
InMemoryCollapsedVariationalBayes0(Matrix, String[], int, double, double, int, int, double) - Constructor for class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
InMemRecordReader(InMemInputFormat.InMemInputSplit) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
INPUT_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
INPUT_VECTOR - Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
inputFile - Variable in class org.apache.mahout.common.AbstractJob
 
inputOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for input directory specification.
inputPath - Variable in class org.apache.mahout.common.AbstractJob
input path, populated by AbstractJob.parseArguments(String[])
inputToHidden(Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Feeds forward from input to hidden unit..
Instance - Class in org.apache.mahout.classifier.df.data
Deprecated.
Instance(Vector) - Constructor for class org.apache.mahout.classifier.df.data.Instance
Deprecated.
 
instantiateAs(String, Class<T>) - Static method in class org.apache.mahout.common.ClassUtils
 
instantiateAs(String, Class<T>, Class<?>[], Object[]) - Static method in class org.apache.mahout.common.ClassUtils
 
instantiateAs(Class<? extends T>, Class<T>, Class<?>[], Object[]) - Static method in class org.apache.mahout.common.ClassUtils
 
instantiateAs(Class<? extends T>, Class<T>) - Static method in class org.apache.mahout.common.ClassUtils
 
IntDoublePairWritable - Class in org.apache.mahout.clustering.spectral
This class is a Writable implementation of the mahout.common.Pair generic class.
IntDoublePairWritable() - Constructor for class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
IntDoublePairWritable(int, double) - Constructor for class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
integerAt(int) - Method in class org.apache.mahout.common.IntegerTuple
Fetches the string at the given location
IntegerTuple - Class in org.apache.mahout.common
An Ordered List of Integers which can be used in a Hadoop Map/Reduce Job
IntegerTuple() - Constructor for class org.apache.mahout.common.IntegerTuple
 
IntegerTuple(Integer) - Constructor for class org.apache.mahout.common.IntegerTuple
 
IntegerTuple(Iterable<Integer>) - Constructor for class org.apache.mahout.common.IntegerTuple
 
IntegerTuple(Integer[]) - Constructor for class org.apache.mahout.common.IntegerTuple
 
InteractionValueEncoder - Class in org.apache.mahout.vectorizer.encoders
 
InteractionValueEncoder(String, FeatureVectorEncoder, FeatureVectorEncoder) - Constructor for class org.apache.mahout.vectorizer.encoders.InteractionValueEncoder
 
intern(String) - Method in class org.apache.mahout.vectorizer.encoders.Dictionary
 
intersectionSize(FastIDSet) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
Convenience method to quickly compute just the size of the intersection with another FastIDSet.
IntPairWritable - Class in org.apache.mahout.common
A WritableComparable which encapsulates an ordered pair of signed integers.
IntPairWritable() - Constructor for class org.apache.mahout.common.IntPairWritable
 
IntPairWritable(IntPairWritable) - Constructor for class org.apache.mahout.common.IntPairWritable
 
IntPairWritable(int, int) - Constructor for class org.apache.mahout.common.IntPairWritable
 
IntPairWritable.Comparator - Class in org.apache.mahout.common
 
IntPairWritable.FirstGroupingComparator - Class in org.apache.mahout.common
Compare only the first part of the pair, so that reduce is called once for each value of the first part.
IntPairWritable.Frequency - Class in org.apache.mahout.common
A wrapper class that associates pairs with frequency (Occurrences)
INVALID_DISTANCE_CUTOFF - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
 
INVALID_INDEX - Static variable in class org.apache.mahout.math.neighborhood.HashedVector
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverageAndStdDev
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
inverse() - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
inverse() - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverageAndStdDev
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
inverse() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
invertDictionary(OpenObjectIntHashMap<String>) - Static method in class org.apache.mahout.math.MatrixUtils
 
InvertedRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
 
InvertedRunningAverage(RunningAverage) - Constructor for class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
InvertedRunningAverageAndStdDev - Class in org.apache.mahout.cf.taste.impl.common
 
InvertedRunningAverageAndStdDev(RunningAverageAndStdDev) - Constructor for class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
IRStatistics - Interface in org.apache.mahout.cf.taste.eval
Implementations encapsulate information retrieval-related statistics about a Recommender's recommendations.
IRStatisticsImpl - Class in org.apache.mahout.cf.taste.impl.eval
 
IS_SPARSE_OUTPUT - Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
isBroadcast() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
isCategorical() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
 
isComplemtary() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
isConverged() - Method in class org.apache.mahout.clustering.AbstractCluster
 
isConverged() - Method in interface org.apache.mahout.clustering.Cluster
 
isConverged() - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
isEmpty() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
isEmpty() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
isEmpty() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
isEmpty() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
isFiltered(T) - Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
isFiltered(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
isFiltered(long) - Method in interface org.apache.mahout.cf.taste.recommender.IDRescorer
Returns true to exclude the given thing.
isFiltered(T) - Method in interface org.apache.mahout.cf.taste.recommender.Rescorer
Returns true to exclude the given thing.
isFull() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
isIdentical() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
checks if all the vectors have identical attribute values
isIgnored() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
 
isItemsFileSpecified() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
isLabel() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
 
isLogNormalize() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
isNamedVectors() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
isNumerical() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
 
isNumerical(int) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Is this a numerical attribute ?
isOrthonormal(double[][], boolean, double) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
isOrthonormalBlocked(Iterable<double[][]>, boolean, double) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
isOutput(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Used only for DEBUG purposes.
isOutput() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
 
isOverwrite() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
isProbabilityScore() - Method in class org.apache.mahout.classifier.evaluation.Auc
 
isSealed() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
isSequentialAccess() - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
isTraceEnabled() - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.Condition
Deprecated.
Returns true is the checked instance matches the condition
isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.Equals
Deprecated.
 
isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.GreaterOrEquals
Deprecated.
 
isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.Lesser
Deprecated.
 
isUserItemFileSpecified() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
isUserItemFilterSpecified() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
isUsersFileSpecified() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
 
ITEM_BIAS_INDEX - Static variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
place in item vector where the bias is stored
ITEM_ID_INDEX_PATH_STR - Static variable in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob
 
ITEM_ID_POS - Static variable in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
 
ItemAverageRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
A simple recommender that always estimates preference for an item to be the average of all known preference values for that item.
ItemAverageRecommender(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
ItemBasedRecommender - Interface in org.apache.mahout.cf.taste.recommender
Interface implemented by "item-based" recommenders.
itemFeaturesMapping(LongPrimitiveIterator, int, double[][]) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
ItemFilterAsVectorAndPrefsReducer - Class in org.apache.mahout.cf.taste.hadoop.item
we use a neat little trick to explicitly filter items for some users: we inject a NaN summand into the preference estimation for those items, which makes AggregateAndRecommendReducer automatically exclude them
ItemFilterAsVectorAndPrefsReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ItemFilterAsVectorAndPrefsReducer
 
ItemFilterMapper - Class in org.apache.mahout.cf.taste.hadoop.item
map out all user/item pairs to filter, keyed by the itemID
ItemFilterMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ItemFilterMapper
 
ITEMID_INDEX - Static variable in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
ItemIDIndexMapper - Class in org.apache.mahout.cf.taste.hadoop.item
 
ItemIDIndexMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexMapper
 
ItemIDIndexReducer - Class in org.apache.mahout.cf.taste.hadoop.item
 
ItemIDIndexReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexReducer
 
itemIndex(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.AbstractFactorizer
 
itemIndex(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
ItemItemSimilarity(long, long, double) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
itemSimilarities(long, long[]) - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
itemSimilarities(long, long[]) - Method in interface org.apache.mahout.cf.taste.similarity.ItemSimilarity
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
 
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
Returns the similarity between two items.
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
itemSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
ItemSimilarity - Interface in org.apache.mahout.cf.taste.similarity
Implementations of this interface define a notion of similarity between two items.
itemSimilarity(long, long) - Method in interface org.apache.mahout.cf.taste.similarity.ItemSimilarity
Returns the degree of similarity, of two items, based on the preferences that users have expressed for the items.
ItemSimilarityJob - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
Distributed precomputation of the item-item-similarities for Itembased Collaborative Filtering
ItemSimilarityJob() - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob
 
ItemSimilarityJob.MostSimilarItemPairsMapper - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
 
ItemSimilarityJob.MostSimilarItemPairsReducer - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
 
ItemUserAverageRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
Like ItemAverageRecommender, except that estimated preferences are adjusted for the users' average preference value.
ItemUserAverageRecommender(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
itemVectors - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
item features
itemVectors - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Item features
iterate(Iterable<Vector>, ClusterClassifier, int) - Static method in class org.apache.mahout.clustering.iterator.ClusterIterator
Iterate over data using a prior-trained ClusterClassifier, for a number of iterations
iterateAll() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
iterateMR(Configuration, Path, Path, Path, int) - Static method in class org.apache.mahout.clustering.iterator.ClusterIterator
Iterate over data using a prior-trained ClusterClassifier, for a number of iterations using a mapreduce implementation
iterateNonEmpty() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
iterateSeq(Configuration, Path, Path, Path, int) - Static method in class org.apache.mahout.clustering.iterator.ClusterIterator
Iterate over data using a prior-trained ClusterClassifier, for a number of iterations using a sequential implementation
iterateUntilConvergence(double, int, int) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
iterateUntilConvergence(double, int, int, double) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
ITERATION_BLOCK_SIZE - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
iterator() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
iterator() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
iterator() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
iterator() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
iterator() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
iterator() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
iterator() - Method in class org.apache.mahout.clustering.streaming.cluster.BallKMeans
 
iterator() - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
iterator() - Method in class org.apache.mahout.common.iterator.FileLineIterable
 
iterator() - Method in class org.apache.mahout.common.iterator.SamplingIterable
 
iterator() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterable
 
iterator() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterable
 
iterator() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterable
 
iterator() - Method in class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterable
 
iterator() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
iterator() - Method in class org.apache.mahout.math.neighborhood.BruteSearch
 
iterator() - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
This iterates on the snapshot of the contents first instantiated regardless of any future modifications.
iterator() - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
iterator() - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
 
IteratorTokenStream - Class in org.apache.mahout.common.lucene
Used to emit tokens from an input string array in the style of TokenStream
IteratorTokenStream(Iterator<String>) - Constructor for class org.apache.mahout.common.lucene.IteratorTokenStream
 

J

JDBCDataModel - Interface in org.apache.mahout.cf.taste.model
 
job() - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
job() - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 

K

K - Static variable in class org.apache.mahout.clustering.kmeans.RandomSeedGenerator
 
K - Static variable in class org.apache.mahout.clustering.spectral.kmeans.EigenSeedGenerator
 
KEEP_TEMP_FILES - Static variable in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
KERNEL_PROFILE_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
kernelProfileOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
keyFor(String) - Static method in class org.apache.mahout.common.AbstractJob
Build the option key (--name) from the option name
Keys - Class in org.apache.mahout.clustering.spectral
 
keySet() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
keySetIterator() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
Kluster - Class in org.apache.mahout.clustering.kmeans
 
Kluster() - Constructor for class org.apache.mahout.clustering.kmeans.Kluster
For (de)serialization as a Writable
Kluster(Vector, int, DistanceMeasure) - Constructor for class org.apache.mahout.clustering.kmeans.Kluster
Construct a new cluster with the given point as its center
KMeansClusteringPolicy - Class in org.apache.mahout.clustering.iterator
This is a simple maximum likelihood clustering policy, suitable for k-means clustering
KMeansClusteringPolicy() - Constructor for class org.apache.mahout.clustering.iterator.KMeansClusteringPolicy
 
KMeansClusteringPolicy(double) - Constructor for class org.apache.mahout.clustering.iterator.KMeansClusteringPolicy
 
KMeansDriver - Class in org.apache.mahout.clustering.kmeans
 
KMeansDriver() - Constructor for class org.apache.mahout.clustering.kmeans.KMeansDriver
 

L

L1 - Class in org.apache.mahout.classifier.sgd
Implements the Laplacian or bi-exponential prior.
L1() - Constructor for class org.apache.mahout.classifier.sgd.L1
 
L2 - Class in org.apache.mahout.classifier.sgd
Implements the Gaussian prior.
L2(double) - Constructor for class org.apache.mahout.classifier.sgd.L2
 
L2() - Constructor for class org.apache.mahout.classifier.sgd.L2
 
LABEL_THETA_NORMALIZER - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
labelCode(String) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Returns the code used to represent the label value in the data
labels() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
labelWeight(int) - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
labelWeight(int) - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
lambda(double) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
Chainable configuration option.
lambda(double) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
lambda(double) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
lastTaskId - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
lastTaskId - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
Leaf - Class in org.apache.mahout.classifier.df.node
Deprecated.
Leaf(double) - Constructor for class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
learningRate - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Learning rate (step size)
learningRate(double) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
learningRate(double) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Chainable configuration option.
learningRate(double) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
Chainable configuration option.
learningRate(double) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
Chainable configuration option.
learningRateDecay - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Multiplicative decay factor for learning_rate
length() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
length() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
length() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
length() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
length() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
 
length() - Method in class org.apache.mahout.common.IntegerTuple
Returns the length of the tuple
length() - Method in class org.apache.mahout.common.StringTuple
Returns the length of the tuple
lesser(int, double) - Static method in class org.apache.mahout.classifier.df.data.conditions.Condition
Deprecated.
Condition that checks if the given attribute has a value "lesser" than the given value
Lesser - Class in org.apache.mahout.classifier.df.data.conditions
Deprecated.
Lesser(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.Lesser
Deprecated.
 
lessThan(SimilarItem, SimilarItem) - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.TopSimilarItemsQueue
 
lessThan(MutableRecommendedItem, MutableRecommendedItem) - Method in class org.apache.mahout.cf.taste.hadoop.TopItemsQueue
 
lessThan(MutableElement, MutableElement) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.TopElementsQueue
 
link(Vector) - Static method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
Computes the inverse link function, by default the logistic link function.
link(double) - Static method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
Computes the binomial logistic inverse link function.
list() - Static method in enum org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasures
 
listOutputFiles(FileSystem, Path) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Return a list of all files in the output directory
listStatus(FileSystem, Path) - Static method in class org.apache.mahout.common.HadoopUtil
 
listStatus(FileSystem, Path, PathFilter) - Static method in class org.apache.mahout.common.HadoopUtil
 
LLRReducer - Class in org.apache.mahout.vectorizer.collocations.llr
Reducer for pass 2 of the collocation discovery job.
LLRReducer() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
 
LLRReducer.ConcreteLLCallback - Class in org.apache.mahout.vectorizer.collocations.llr
concrete implementation delegates to LogLikelihood class
LLRReducer.LLCallback - Interface in org.apache.mahout.vectorizer.collocations.llr
provide interface so the input to the llr calculation can be captured for validation in unit testing
LLRReducer.Skipped - Enum in org.apache.mahout.vectorizer.collocations.llr
Counter to track why a particlar entry was skipped
load() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.FilePersistenceStrategy
 
load() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.NoPersistenceStrategy
 
load() - Method in interface org.apache.mahout.cf.taste.impl.recommender.svd.PersistenceStrategy
Load a factorization from a persistent store.
load(Configuration, Path) - Static method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Loads the dataset from a file
load(Configuration, Path) - Static method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
Load the forest from a single file or a directory of files
load(Configuration) - Static method in class org.apache.mahout.clustering.spectral.VectorCache
Loads the vector from DistributedCache.
load(Configuration, Path) - Static method in class org.apache.mahout.clustering.spectral.VectorCache
Loads a Vector from the specified path.
loadAndSumUpperTriangularMatricesAsSymmetric(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
Load multiple upper triangular matrices and sum them up.
loadAndSumUpVectors(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
 
loadData(Dataset, FileSystem, Path) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
Deprecated.
Loads the data from a file
loadData(Dataset, FileSystem, Path[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
Deprecated.
Loads the data from multiple paths specified by pathes
loadData(Dataset, String[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
Deprecated.
Loads the data from a String array
loadDataset(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Helper method.
LoadEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
Simple helper class for running load on a Recommender.
loadModel(Configuration, Path...) - Static method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
LoadStatistics - Class in org.apache.mahout.cf.taste.impl.eval
 
loadUpperTriangularMatrix(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
Load only one upper triangular matrix and issue error if mroe than one is found.
LocalitySensitiveHashSearch - Class in org.apache.mahout.math.neighborhood
Implements a Searcher that uses locality sensitivity hash as a first pass approximation to estimate distance without floating point math.
LocalitySensitiveHashSearch(DistanceMeasure, int) - Constructor for class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
log - Static variable in interface org.apache.mahout.common.parameters.Parametered
 
LOG_NORMALIZE - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
logLikelihood(int, Vector) - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Returns a measure of how good the classification for a particular example actually is.
logLikelihood() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
logLikelihoodRatio(long, long, long, long) - Method in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer.ConcreteLLCallback
 
logLikelihoodRatio(long, long, long, long) - Method in interface org.apache.mahout.vectorizer.collocations.llr.LLRReducer.LLCallback
 
LogLikelihoodSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
LogLikelihoodSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
LoglikelihoodSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
LoglikelihoodSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.LoglikelihoodSimilarity
 
logLimit(double, double) - Static method in class org.apache.mahout.ep.Mapping
Maps input to positive values in the open interval (min, max) with 0 going to the geometric mean.
LogLimit() - Constructor for class org.apache.mahout.ep.Mapping.LogLimit
 
logMemoryStatistics() - Static method in class org.apache.mahout.common.MemoryUtil
Logs current heap memory statistics.
logP(double) - Method in class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
logP(double) - Method in class org.apache.mahout.classifier.sgd.L1
 
logP(double) - Method in class org.apache.mahout.classifier.sgd.L2
 
logP(double) - Method in interface org.apache.mahout.classifier.sgd.PriorFunction
Returns the log of the probability of a particular coefficient value according to the prior.
logP(double) - Method in class org.apache.mahout.classifier.sgd.TPrior
 
logP(double) - Method in class org.apache.mahout.classifier.sgd.UniformPrior
 
logsCRCFilter() - Static method in class org.apache.mahout.common.iterator.sequencefile.PathFilters
 
LongPair - Class in org.apache.mahout.common
A simple (ordered) pair of longs.
LongPair(long, long) - Constructor for class org.apache.mahout.common.LongPair
 
LongPrimitiveArrayIterator - Class in org.apache.mahout.cf.taste.impl.common
While long[] is an Iterable, it is not an Iterable<Long>.
LongPrimitiveArrayIterator(long[]) - Constructor for class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
Creates an LongPrimitiveArrayIterator over an entire array.
LongPrimitiveIterator - Interface in org.apache.mahout.cf.taste.impl.common
Adds notion of iterating over long primitives in the style of an Iterator -- as opposed to iterating over Long.
lookupDataSource(String) - Static method in class org.apache.mahout.cf.taste.impl.common.jdbc.AbstractJDBCComponent
Looks up a DataSource by name from JNDI.
LuceneTextValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Encodes text using a lucene style tokenizer.
LuceneTextValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.LuceneTextValueEncoder
 

M

M_OPTION - Static variable in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
 
MahalanobisDistanceMeasure - Class in org.apache.mahout.common.distance
 
MahalanobisDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
MahoutDriver - Class in org.apache.mahout.driver
General-purpose driver class for Mahout programs.
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.als.DatasetSplitter
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.als.ParallelALSFactorizationJob
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.als.RecommenderJob
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
main(String[]) - Static method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob
 
main(String[]) - Static method in class org.apache.mahout.classifier.df.tools.Describe
 
main(String[]) - Static method in class org.apache.mahout.classifier.df.tools.ForestVisualizer
Deprecated.
 
main(String[]) - Static method in class org.apache.mahout.classifier.df.tools.Frequencies
Deprecated.
 
main(String[]) - Static method in class org.apache.mahout.classifier.df.tools.UDistrib
Deprecated.
Launch the uniform distribution tool.
main(String[]) - Static method in class org.apache.mahout.classifier.naivebayes.test.TestNaiveBayesDriver
 
main(String[]) - Static method in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
main(String[]) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.BaumWelchTrainer
 
main(String[]) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.RandomSequenceGenerator
 
main(String[]) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.ViterbiEvaluator
 
main(String[]) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
 
main(String[]) - Static method in class org.apache.mahout.clustering.classify.ClusterClassificationDriver
 
main(String[]) - Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
 
main(String[]) - Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
 
main(String[]) - Static method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
main(String[]) - Static method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
main(String[]) - Static method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
main(String[]) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
 
main(String[]) - Static method in class org.apache.mahout.clustering.streaming.tools.ResplitSequenceFiles
 
main(String[]) - Static method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorDriver
 
main(String[]) - Static method in class org.apache.mahout.driver.MahoutDriver
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDCli
 
main(String[]) - Static method in class org.apache.mahout.math.hadoop.TransposeJob
 
main(String[]) - Static method in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
main(String[]) - Static method in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
main(String[]) - Static method in class org.apache.mahout.vectorizer.EncodedVectorsFromSequenceFiles
 
main(String[]) - Static method in class org.apache.mahout.vectorizer.SparseVectorsFromSequenceFiles
 
main(String[]) - Static method in class org.apache.mahout.Version
 
main2(String[], Configuration) - Static method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
majorityLabel(Random) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
finds the majority label, breaking ties randomly
This method can be used when the criterion variable is the categorical attribute.
ManhattanDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a "manhattan distance" metric by summing the absolute values of the difference between each coordinate
ManhattanDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.ManhattanDistanceMeasure
 
map(LongWritable, Text, Mapper<LongWritable, Text, DoubleWritable, NullWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator.PredictRatingsMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, LongWritable, RecommendedItemsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.PredictionMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.SolveExplicitFeedbackMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.SolveImplicitFeedbackMapper
 
map(LongWritable, Text, Mapper<LongWritable, Text, VarLongWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ItemFilterMapper
 
map(LongWritable, Text, Mapper<LongWritable, Text, VarIntWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexMapper
 
map(VarIntWritable, VectorAndPrefsWritable, Mapper<VarIntWritable, VectorAndPrefsWritable, VarLongWritable, PrefAndSimilarityColumnWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.PartialMultiplyMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, VarIntWritable, VectorOrPrefWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.SimilarityMatrixRowWrapperMapper
 
map(VarLongWritable, VectorWritable, Mapper<VarLongWritable, VectorWritable, VarIntWritable, VectorOrPrefWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.UserVectorSplitterMapper
 
map(VarLongWritable, VectorWritable, Mapper<VarLongWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.preparation.ToItemVectorsMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, EntityEntityWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsMapper
 
map(LongWritable, Text, Mapper<LongWritable, Text, VarLongWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
 
map(LongWritable, Text, Mapper<LongWritable, Text, DoubleWritable, Text>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.Classifier.CMapper
Deprecated.
 
map(IntWritable, NullWritable, Mapper<IntWritable, NullWritable, IntWritable, MapredOutput>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemMapper
Deprecated.
 
map(LongWritable, Text, Mapper<LongWritable, Text, TreeID, MapredOutput>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
 
map(Text, VectorWritable, Mapper<Text, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.test.BayesTestMapper
 
map(Text, VectorWritable, Mapper<Text, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.IndexInstancesMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.ThetaMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.WeightsMapper
 
map(WritableComparable<?>, VectorWritable, Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) - Method in class org.apache.mahout.clustering.classify.ClusterClassificationMapper
Mapper which classifies the vectors to respective clusters.
map(WritableComparable<?>, VectorWritable, Mapper<WritableComparable<?>, VectorWritable, IntWritable, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.iterator.CIMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, DoubleWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0DocInferenceMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0TopicTermVectorNormalizerMapper
 
map(LongWritable, Text, Mapper<LongWritable, Text, IntWritable, DistributedRowMatrix.MatrixEntryWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.AffinityMatrixInputMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, NullWritable, IntDoublePairWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.MatrixDiagonalizeJob.MatrixDiagonalizeMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.UnitVectorizerJob.UnitVectorizerMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, IntWritable, CentroidWritable>.Context) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansMapper
 
map(IntWritable, WeightedVectorWritable, Mapper<IntWritable, WeightedVectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.TransposeMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansMapper
The mapper computes a running sum of the vectors the task has seen.
map(IntWritable, TupleWritable, OutputCollector<IntWritable, VectorWritable>, Reporter) - Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplyMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CooccurrencesMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CountObservationsMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.UnsymmetrifyMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.VectorNormMapper
 
map(WritableComparable<?>, VectorWritable, Mapper<WritableComparable<?>, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceInvertedMapper
 
map(WritableComparable<?>, VectorWritable, Mapper<WritableComparable<?>, VectorWritable, StringTuple, DoubleWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceMapper
 
map(IntWritable, Writable, Mapper<IntWritable, Writable, IntWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, SplitPartitionedWritable, DenseBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, SplitPartitionedWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.ABtMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, LongWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.BtMapper
We maintain A and QtHat inputs partitioned the same way, so we essentially are performing map-side merge here of A and QtHats except QtHat is stored not row-wise but block-wise.
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.QJob.QMapper
 
map(Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, Writable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.UJob.UMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.VJob.VMapper
 
map(Writable, VectorWritable, Mapper<Writable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYMapper
 
map(IntWritable, VectorWritable, Mapper<IntWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesMapper
 
map(T, VectorWritable, Mapper<T, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
 
map(Text, StringTuple, Mapper<Text, StringTuple, GramKey, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocMapper
Collocation finder: pass 1 map phase.
map(Text, Text, Mapper<Text, Text, Text, StringTuple>.Context) - Method in class org.apache.mahout.vectorizer.document.SequenceFileTokenizerMapper
 
map(Text, Text, Mapper<Text, Text, Text, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.EncodingMapper
 
map(Text, StringTuple, Mapper<Text, StringTuple, Text, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermCountMapper
 
map(WritableComparable<?>, VectorWritable, Mapper<WritableComparable<?>, VectorWritable, IntWritable, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermDocumentCountMapper
 
Mapping - Class in org.apache.mahout.ep
Provides coordinate tranformations so that evolution can proceed on the entire space of reals but have the output limited and squished in convenient (and safe) ways.
Mapping.Exponential - Class in org.apache.mahout.ep
 
Mapping.Identity - Class in org.apache.mahout.ep
 
Mapping.LogLimit - Class in org.apache.mahout.ep
 
Mapping.SoftLimit - Class in org.apache.mahout.ep
 
MapredMapper<KEYIN,VALUEIN,KEYOUT,VALUEOUT> - Class in org.apache.mahout.classifier.df.mapreduce
Deprecated.
MapredMapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
 
MapredOutput - Class in org.apache.mahout.classifier.df.mapreduce
Deprecated.
MapredOutput() - Constructor for class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
MapredOutput(Node, int[]) - Constructor for class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
MapredOutput(Node) - Constructor for class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
MAPREDUCE_METHOD - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
matches(T) - Method in interface org.apache.mahout.cf.taste.impl.common.Cache.MatchPredicate
 
materialize(Path, Configuration) - Static method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
MatrixColumnMeansJob - Class in org.apache.mahout.math.hadoop
MatrixColumnMeansJob is a job for calculating the column-wise mean of a DistributedRowMatrix.
MatrixColumnMeansJob.MatrixColumnMeansMapper - Class in org.apache.mahout.math.hadoop
Mapper for calculation of column-wise mean.
MatrixColumnMeansJob.MatrixColumnMeansReducer - Class in org.apache.mahout.math.hadoop
The reducer adds the partial column-wise sums from each of the mappers to compute the total column-wise sum.
MatrixColumnMeansMapper() - Constructor for class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansMapper
 
MatrixColumnMeansReducer() - Constructor for class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansReducer
 
MatrixDiagonalizeJob - Class in org.apache.mahout.clustering.spectral
Given a matrix, this job returns a vector whose i_th element is the sum of all the elements in the i_th row of the original matrix.
MatrixDiagonalizeJob.MatrixDiagonalizeMapper - Class in org.apache.mahout.clustering.spectral
 
MatrixDiagonalizeJob.MatrixDiagonalizeReducer - Class in org.apache.mahout.clustering.spectral
 
MatrixDiagonalizeMapper() - Constructor for class org.apache.mahout.clustering.spectral.MatrixDiagonalizeJob.MatrixDiagonalizeMapper
 
MatrixDiagonalizeReducer() - Constructor for class org.apache.mahout.clustering.spectral.MatrixDiagonalizeJob.MatrixDiagonalizeReducer
 
MatrixEntryWritable() - Constructor for class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
MatrixMultiplicationJob - Class in org.apache.mahout.math.hadoop
This still uses the old MR api and as with all things in Mahout that are MapReduce is now part of 'mahout-mr'.
MatrixMultiplicationJob() - Constructor for class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
 
MatrixMultiplicationJob.MatrixMultiplicationReducer - Class in org.apache.mahout.math.hadoop
 
MatrixMultiplicationJob.MatrixMultiplyMapper - Class in org.apache.mahout.math.hadoop
 
MatrixMultiplicationReducer() - Constructor for class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplicationReducer
 
MatrixMultiplyMapper() - Constructor for class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplyMapper
 
MatrixUtils - Class in org.apache.mahout.math
 
MAX_DF - Static variable in class org.apache.mahout.vectorizer.HighDFWordsPruner
 
MAX_DF - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
MAX_DISTANCE - Static variable in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
MAX_ITERATIONS_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
MAX_ITERATIONS_PER_DOC - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
MAX_NGRAMS - Static variable in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
MAX_NUM_ITERATIONS - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
After mapping finishes, we get an intermediate set of vectors that represent approximate clusterings of the data from each Mapper.
MAX_REDUCERS_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
MAX_SHINGLE_SIZE - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocMapper
 
MAX_SIMILARITIES_PER_ITEM - Static variable in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob
 
MAX_TREEID - Static variable in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
maxDepth() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
maxDepth() - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
maxDepth() - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
maxDepth() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
maxindex(Random, int[]) - Static method in class org.apache.mahout.classifier.df.data.DataUtils
Deprecated.
return the index of the maximum of the array, breaking ties randomly
maxIterationsOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of max number of iterations.
maxTargetValue(int) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Defines the number of target variable categories, but allows this parser to pick encodings for them as they appear.
maxTargetValue(int) - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
maybePersist(Factorization) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.FilePersistenceStrategy
 
maybePersist(Factorization) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.NoPersistenceStrategy
 
maybePersist(Factorization) - Method in interface org.apache.mahout.cf.taste.impl.recommender.svd.PersistenceStrategy
Write a factorization to a persistent store unless it already contains an identical factorization.
maybePut(Map<String, List<String>>, CommandLine, Option...) - Static method in class org.apache.mahout.common.AbstractJob
 
maybeRefresh(Collection<Refreshable>, Refreshable) - Static method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
Adds the specified Refreshable to the given collection of Refreshables if it is not already there and immediately refreshes it.
maybeSample(Vector, int) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
maybeWrapIterable(Iterable<T>, double) - Static method in class org.apache.mahout.common.iterator.SamplingIterable
 
maybeWrapIterator(LongPrimitiveIterator, double) - Static method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
meanMaxDepth() - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
meanNbNodes() - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
MemoryIDMigrator - Class in org.apache.mahout.cf.taste.impl.model
Implementation which stores the reverse long-to-String mapping in memory.
MemoryIDMigrator() - Constructor for class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
 
MemoryUtil - Class in org.apache.mahout.common
Memory utilities.
merge(ConfusionMatrix) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
merge(Iterable<VectorWritable>) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
mergePartialVectors(Iterable<Path>, Path, Configuration, float, boolean, int, boolean, boolean, int) - Static method in class org.apache.mahout.vectorizer.common.PartialVectorMerger
Merge all the partial RandomAccessSparseVectors into the complete Document RandomAccessSparseVector
mergePartialVectors(Iterable<Path>, Path, Configuration, float, boolean, int) - Static method in class org.apache.mahout.vectorizer.HighDFWordsPruner
 
mergeQrDown(double[][], double[][], double[][]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeQrDown(UpperTriangular, double[][], UpperTriangular) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeQrUp(double[][], double[][], double[][]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeQrUp(double[][], UpperTriangular, UpperTriangular) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeR(UpperTriangular, UpperTriangular) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeR(double[][], double[][]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeRonQ(UpperTriangular, UpperTriangular, double[][], double[][]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
mergeRonQ(double[][], double[][], double[][], double[][]) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
MergeToTopKSimilaritiesReducer() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeToTopKSimilaritiesReducer
 
MergeVectorsCombiner - Class in org.apache.mahout.common.mapreduce
 
MergeVectorsCombiner() - Constructor for class org.apache.mahout.common.mapreduce.MergeVectorsCombiner
 
MergeVectorsReducer - Class in org.apache.mahout.common.mapreduce
 
MergeVectorsReducer() - Constructor for class org.apache.mahout.common.mapreduce.MergeVectorsReducer
 
MergeVectorsReducer() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeVectorsReducer
 
METHOD_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
methodOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of sequential or parallel operation.
MIN_DF - Static variable in class org.apache.mahout.vectorizer.HighDFWordsPruner
 
MIN_DF - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
MIN_LLR - Static variable in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
 
MIN_LOG_LIKELIHOOD - Static variable in class org.apache.mahout.classifier.AbstractVectorClassifier
Minimum allowable log likelihood value.
MIN_PREFERENCES_PER_USER - Static variable in class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer
 
MIN_SUPPORT - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
 
MIN_SUPPORT - Static variable in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
MinkowskiDistanceMeasure - Class in org.apache.mahout.common.distance
Implement Minkowski distance, a real-valued generalization of the integral L(n) distances: Manhattan = L1, Euclidean = L2.
MinkowskiDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
MinkowskiDistanceMeasure(double) - Constructor for class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
MixedGradient - Class in org.apache.mahout.classifier.sgd
Provides a stochastic mixture of ranking updates and normal logistic updates.
MixedGradient(double, int) - Constructor for class org.apache.mahout.classifier.sgd.MixedGradient
 
Model<O> - Interface in org.apache.mahout.clustering
A model is a probability distribution over observed data points and allows the probability of any data point to be computed.
MODEL_TEMP_DIR - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
MODEL_WEIGHT - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
ModelDissector - Class in org.apache.mahout.classifier.sgd
Uses sample data to reverse engineer a feature-hashed model.
ModelDissector() - Constructor for class org.apache.mahout.classifier.sgd.ModelDissector
 
ModelDissector.Weight - Class in org.apache.mahout.classifier.sgd
 
ModelDistribution<O> - Interface in org.apache.mahout.clustering
A model distribution allows us to sample a model from its prior distribution.
modelLikelihood(HmmModel, int[], boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Returns the likelihood that a given output sequence was produced by the given model.
modelLikelihood(Matrix, boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Computes the likelihood that a given output sequence was computed by a given model using the alpha values computed by the forward algorithm.
modelLikelihood(HmmModel, int[], Matrix, boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Computes the likelihood that a given output sequence was computed by a given model.
modelPath(Path, int) - Static method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
ModelSerializer - Class in org.apache.mahout.classifier.sgd
Provides the ability to store SGD model-related objects as binary files.
ModelTrainer - Class in org.apache.mahout.clustering.lda.cvb
Multithreaded LDA model trainer class, which primarily operates by running a "map/reduce" operation, all in memory locally (ie not a hadoop job!) : the "map" operation is to take the "read-only" TopicModel and use it to iteratively learn the p(topic|term, doc) distribution for documents (this can be done in parallel across many documents, as the "read-only" model is, well, read-only.
ModelTrainer(TopicModel, TopicModel, int, int, int) - Constructor for class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
ModelTrainer(TopicModel, int, int, int) - Constructor for class org.apache.mahout.clustering.lda.cvb.ModelTrainer
WARNING: this constructor may not lead to good behavior.
MostSimilarEstimator(long, ItemSimilarity, Rescorer<LongPair>) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender.MostSimilarEstimator
 
MostSimilarItemPairsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsMapper
 
MostSimilarItemPairsReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsReducer
 
mostSimilarItems(long, int) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long, int, Rescorer<LongPair>) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long[], int) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long[], int, Rescorer<LongPair>) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long[], int, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long[], int, Rescorer<LongPair>, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
mostSimilarItems(long, int) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
mostSimilarItems(long, int, Rescorer<LongPair>) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
mostSimilarItems(long[], int) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
mostSimilarItems(long[], int, Rescorer<LongPair>) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
mostSimilarItems(long[], int, boolean) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
mostSimilarItems(long[], int, Rescorer<LongPair>, boolean) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
 
MostSimilarItemsCandidateItemsStrategy - Interface in org.apache.mahout.cf.taste.recommender
Used to retrieve all items that could possibly be similar
mostSimilarUserIDs(long, int) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
mostSimilarUserIDs(long, int, Rescorer<LongPair>) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
mostSimilarUserIDs(long, int) - Method in interface org.apache.mahout.cf.taste.recommender.UserBasedRecommender
 
mostSimilarUserIDs(long, int, Rescorer<LongPair>) - Method in interface org.apache.mahout.cf.taste.recommender.UserBasedRecommender
 
MultiLabelVectorWritable - Class in org.apache.mahout.math
Writable to handle serialization of a vector and a variable list of associated label indexes.
MultiLabelVectorWritable() - Constructor for class org.apache.mahout.math.MultiLabelVectorWritable
 
MultiLabelVectorWritable(Vector, int[]) - Constructor for class org.apache.mahout.math.MultiLabelVectorWritable
 
MultithreadedBatchItemSimilarities - Class in org.apache.mahout.cf.taste.impl.similarity.precompute
Precompute item similarities in parallel on a single machine.
MultithreadedBatchItemSimilarities(ItemBasedRecommender, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.precompute.MultithreadedBatchItemSimilarities
 
MultithreadedBatchItemSimilarities(ItemBasedRecommender, int, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.precompute.MultithreadedBatchItemSimilarities
 
MultithreadedSharingMapper<K1,V1,K2,V2> - Class in org.apache.mahout.cf.taste.hadoop.als
Multithreaded Mapper for SharingMappers.
MultithreadedSharingMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.MultithreadedSharingMapper
 
murmur64(long, int, long) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
Shortened version for data < 8 bytes packed into len lowest bytes of val.
murmur64(byte[], int, int, long) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
 
MutableElement - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
MutableRecommendedItem - Class in org.apache.mahout.cf.taste.hadoop
Mutable variant of RecommendedItem
MutableRecommendedItem() - Constructor for class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
MutableRecommendedItem(long, float) - Constructor for class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
mutate() - Method in class org.apache.mahout.ep.State
Clones this state with a random change in position.
mutatePopulation(int) - Method in class org.apache.mahout.ep.EvolutionaryProcess
Nuke all but a few of the current population and then repopulate with variants of the survivors.
mutlithreadedTRightMultiply(Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.Omega
 
MySQLJDBCIDMigrator - Class in org.apache.mahout.cf.taste.impl.model
An implementation for MySQL.
MySQLJDBCIDMigrator(DataSource) - Constructor for class org.apache.mahout.cf.taste.impl.model.MySQLJDBCIDMigrator
 
MySQLJDBCIDMigrator(DataSource, String, String, String) - Constructor for class org.apache.mahout.cf.taste.impl.model.MySQLJDBCIDMigrator
 

N

NaiveBayesModel - Class in org.apache.mahout.classifier.naivebayes
NaiveBayesModel holds the weight matrix, the feature and label sums and the weight normalizer vectors.
NaiveBayesModel(Matrix, Vector, Vector, Vector, float, boolean) - Constructor for class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
name() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
name() - Method in interface org.apache.mahout.common.parameters.Parameter
 
NAMED_VECTOR - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
nbAttributes() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
nblabels() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
nbNodes() - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
nbNodes() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
nbNodes() - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
nbNodes() - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
nbNodes() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
nbTrees(int, int, int) - Static method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
Compute the number of trees for a given partition.
nbValues(int) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
NearestNUserNeighborhood - Class in org.apache.mahout.cf.taste.impl.neighborhood
Computes a neighborhood consisting of the nearest n users to a given user.
NearestNUserNeighborhood(int, UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
 
NearestNUserNeighborhood(int, double, UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
 
NearestNUserNeighborhood(int, double, UserSimilarity, DataModel, double) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
 
NEW_NUM_COLS_PARAM - Static variable in class org.apache.mahout.common.mapreduce.TransposeMapper
 
newCall(long) - Method in class org.apache.mahout.common.TimingStatistics
Ignores counting the performance metrics until leadTimeIsFinished The caller should enough time for the JIT to warm up.
next() - Method in class org.apache.mahout.cf.taste.impl.common.AbstractLongPrimitiveIterator
 
next() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
next() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRLastStep
 
nextKeyValue() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
Deprecated.
 
nextLong() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
nextLong() - Method in interface org.apache.mahout.cf.taste.impl.common.LongPrimitiveIterator
 
nextLong() - Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
nextStep() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
nextStep(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
NGRAM_OUTPUT_DIRECTORY - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
NGRAM_TOTAL - Static variable in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
 
NGrams - Class in org.apache.mahout.common.nlp
 
NGrams(String, int) - Constructor for class org.apache.mahout.common.nlp.NGrams
 
NO_FIXED_RANDOM_SEED - Static variable in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob
 
NO_LIMIT_FACTOR - Static variable in class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
Specify this value as a factor to mean no limit.
NO_MAX_SIZE - Static variable in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
NO_MAX_SIZE - Static variable in class org.apache.mahout.cf.taste.impl.common.FastMap
 
NO_NORM - Static variable in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
NO_NORMALIZING - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
NO_THRESHOLD - Static variable in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob
 
Node - Class in org.apache.mahout.classifier.df.node
Deprecated.
Node() - Constructor for class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
Node.Type - Enum in org.apache.mahout.classifier.df.node
Deprecated.
 
NoPersistenceStrategy - Class in org.apache.mahout.cf.taste.impl.recommender.svd
A PersistenceStrategy which does nothing.
NoPersistenceStrategy() - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.NoPersistenceStrategy
 
norm(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
norm(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CountbasedMeasure
 
norm(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
norm(Vector) - Method in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
NORMALIZATION_POWER - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
normalize(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
normalize(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CountbasedMeasure
 
normalize(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
normalize(Vector) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.PearsonCorrelationSimilarity
 
normalize(Vector) - Method in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
normalizeModel(HmmModel) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Function used to normalize the probabilities of a given HMM model
NoSuchItemException - Exception in org.apache.mahout.cf.taste.common
 
NoSuchItemException() - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchItemException
 
NoSuchItemException(long) - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchItemException
 
NoSuchItemException(String) - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchItemException
 
NoSuchUserException - Exception in org.apache.mahout.cf.taste.common
 
NoSuchUserException() - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchUserException
 
NoSuchUserException(long) - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchUserException
 
NoSuchUserException(String) - Constructor for exception org.apache.mahout.cf.taste.common.NoSuchUserException
 
NullRescorer<T> - Class in org.apache.mahout.cf.taste.impl.recommender
A simple Rescorer which always returns the original score.
NUM_BALLKMEANS_RUNS - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The percentage of points that go into the "training" set when evaluating BallKMeans runs in the reducer.
NUM_CLUSTERS_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
NUM_PROJECTIONS_OPTION - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The number of projections to use when using a projection searcher like ProjectionSearch or FastProjectionSearch.
NUM_REDUCE_TASKS - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
NUM_TERMS - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
NUM_TOPICS - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
NUM_TRAIN_THREADS - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
NUM_UPDATE_THREADS - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
NUM_USERS - Static variable in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
numCategories() - Method in class org.apache.mahout.classifier.AbstractVectorClassifier
Returns the number of categories that a target variable can be assigned to.
numCategories() - Method in class org.apache.mahout.classifier.naivebayes.AbstractNaiveBayesClassifier
 
numCategories - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
numCategories() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
numCategories() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
numCategories() - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
numCategories() - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
numCategories() - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
numClustersOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of numbers of clusters to create.
numCols() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
NumericalNode - Class in org.apache.mahout.classifier.df.node
Deprecated.
NumericalNode() - Constructor for class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
NumericalNode(int, double, Node, Node) - Constructor for class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
numFeatures() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
numFeatures - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Number of features used to compute this factorization
numFeatures() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
numFeatures() - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
numFeatures() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
numFeatures() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
Returns the size of the internal feature vector.
numFeatures() - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
numFeatures() - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
numHidden() - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
numItems() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
numLabels() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
numReducersOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Deprecated. 
numRows() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
numSimilarItems() - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItems
 
numSlices() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
numUsers() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 

O

observe(Model<VectorWritable>) - Method in class org.apache.mahout.clustering.AbstractCluster
 
observe(VectorWritable) - Method in class org.apache.mahout.clustering.AbstractCluster
 
observe(VectorWritable, double) - Method in class org.apache.mahout.clustering.AbstractCluster
 
observe(Vector, double) - Method in class org.apache.mahout.clustering.AbstractCluster
 
observe(Vector) - Method in class org.apache.mahout.clustering.AbstractCluster
 
observe(Vector, double) - Method in interface org.apache.mahout.clustering.GaussianAccumulator
Observe the vector
observe(O) - Method in interface org.apache.mahout.clustering.Model
Observe the given observation, retaining information about it
observe(O, double) - Method in interface org.apache.mahout.clustering.Model
Observe the given observation, retaining information about it
observe(Model<O>) - Method in interface org.apache.mahout.clustering.Model
Observe the given model, retaining information about its observations
observe(Vector, double) - Method in class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
observe(Vector, double) - Method in class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 
of(A, B) - Static method in class org.apache.mahout.common.Pair
 
Omega - Class in org.apache.mahout.math.hadoop.stochasticsvd
simplistic implementation for Omega matrix in Stochastic SVD method
Omega(long, int) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.Omega
 
OnlineAuc - Interface in org.apache.mahout.math.stats
Describes the generic outline of how to compute AUC.
OnlineGaussianAccumulator - Class in org.apache.mahout.clustering
An online Gaussian statistics accumulator based upon Knuth (who cites Welford) which is declared to be numerically-stable.
OnlineGaussianAccumulator() - Constructor for class org.apache.mahout.clustering.OnlineGaussianAccumulator
 
OnlineLearner - Interface in org.apache.mahout.classifier
The simplest interface for online learning algorithms.
OnlineLogisticRegression - Class in org.apache.mahout.classifier.sgd
Extends the basic on-line logistic regression learner with a specific set of learning rate annealing schedules.
OnlineLogisticRegression() - Constructor for class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
OnlineLogisticRegression(int, int, PriorFunction) - Constructor for class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
open() - Method in class org.apache.mahout.cf.taste.impl.similarity.precompute.FileSimilarItemsWriter
 
open() - Method in interface org.apache.mahout.cf.taste.similarity.precompute.SimilarItemsWriter
 
openStream(Path, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
OptIgSplit - Class in org.apache.mahout.classifier.df.split
Deprecated.
OptIgSplit() - Constructor for class org.apache.mahout.classifier.df.split.OptIgSplit
Deprecated.
 
OrderBasedRecommenderEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
Evaluate recommender by comparing order of all raw prefs with order in recommender's output for that user.
org.apache.mahout - package org.apache.mahout
 
org.apache.mahout.cf.taste.common - package org.apache.mahout.cf.taste.common
 
org.apache.mahout.cf.taste.eval - package org.apache.mahout.cf.taste.eval
 
org.apache.mahout.cf.taste.hadoop - package org.apache.mahout.cf.taste.hadoop
 
org.apache.mahout.cf.taste.hadoop.als - package org.apache.mahout.cf.taste.hadoop.als
 
org.apache.mahout.cf.taste.hadoop.item - package org.apache.mahout.cf.taste.hadoop.item
 
org.apache.mahout.cf.taste.hadoop.preparation - package org.apache.mahout.cf.taste.hadoop.preparation
 
org.apache.mahout.cf.taste.hadoop.similarity.item - package org.apache.mahout.cf.taste.hadoop.similarity.item
 
org.apache.mahout.cf.taste.impl.common - package org.apache.mahout.cf.taste.impl.common
 
org.apache.mahout.cf.taste.impl.common.jdbc - package org.apache.mahout.cf.taste.impl.common.jdbc
 
org.apache.mahout.cf.taste.impl.eval - package org.apache.mahout.cf.taste.impl.eval
 
org.apache.mahout.cf.taste.impl.model - package org.apache.mahout.cf.taste.impl.model
 
org.apache.mahout.cf.taste.impl.model.file - package org.apache.mahout.cf.taste.impl.model.file
 
org.apache.mahout.cf.taste.impl.neighborhood - package org.apache.mahout.cf.taste.impl.neighborhood
 
org.apache.mahout.cf.taste.impl.recommender - package org.apache.mahout.cf.taste.impl.recommender
 
org.apache.mahout.cf.taste.impl.recommender.svd - package org.apache.mahout.cf.taste.impl.recommender.svd
 
org.apache.mahout.cf.taste.impl.similarity - package org.apache.mahout.cf.taste.impl.similarity
 
org.apache.mahout.cf.taste.impl.similarity.file - package org.apache.mahout.cf.taste.impl.similarity.file
 
org.apache.mahout.cf.taste.impl.similarity.precompute - package org.apache.mahout.cf.taste.impl.similarity.precompute
 
org.apache.mahout.cf.taste.model - package org.apache.mahout.cf.taste.model
 
org.apache.mahout.cf.taste.neighborhood - package org.apache.mahout.cf.taste.neighborhood
 
org.apache.mahout.cf.taste.recommender - package org.apache.mahout.cf.taste.recommender
 
org.apache.mahout.cf.taste.similarity - package org.apache.mahout.cf.taste.similarity
 
org.apache.mahout.cf.taste.similarity.precompute - package org.apache.mahout.cf.taste.similarity.precompute
 
org.apache.mahout.classifier - package org.apache.mahout.classifier
 
org.apache.mahout.classifier.df - package org.apache.mahout.classifier.df
 
org.apache.mahout.classifier.df.builder - package org.apache.mahout.classifier.df.builder
 
org.apache.mahout.classifier.df.data - package org.apache.mahout.classifier.df.data
 
org.apache.mahout.classifier.df.data.conditions - package org.apache.mahout.classifier.df.data.conditions
 
org.apache.mahout.classifier.df.mapreduce - package org.apache.mahout.classifier.df.mapreduce
 
org.apache.mahout.classifier.df.mapreduce.inmem - package org.apache.mahout.classifier.df.mapreduce.inmem
In-memory mapreduce implementation of Random Decision Forests
org.apache.mahout.classifier.df.mapreduce.partial - package org.apache.mahout.classifier.df.mapreduce.partial
Partial-data mapreduce implementation of Random Decision Forests
org.apache.mahout.classifier.df.node - package org.apache.mahout.classifier.df.node
 
org.apache.mahout.classifier.df.ref - package org.apache.mahout.classifier.df.ref
 
org.apache.mahout.classifier.df.split - package org.apache.mahout.classifier.df.split
 
org.apache.mahout.classifier.df.tools - package org.apache.mahout.classifier.df.tools
 
org.apache.mahout.classifier.evaluation - package org.apache.mahout.classifier.evaluation
 
org.apache.mahout.classifier.naivebayes - package org.apache.mahout.classifier.naivebayes
 
org.apache.mahout.classifier.naivebayes.test - package org.apache.mahout.classifier.naivebayes.test
 
org.apache.mahout.classifier.naivebayes.training - package org.apache.mahout.classifier.naivebayes.training
 
org.apache.mahout.classifier.sequencelearning.hmm - package org.apache.mahout.classifier.sequencelearning.hmm
 
org.apache.mahout.classifier.sgd - package org.apache.mahout.classifier.sgd
Implements a variety of on-line logistric regression classifiers using SGD-based algorithms.
org.apache.mahout.clustering - package org.apache.mahout.clustering
org.apache.mahout.clustering.canopy - package org.apache.mahout.clustering.canopy
 
org.apache.mahout.clustering.classify - package org.apache.mahout.clustering.classify
 
org.apache.mahout.clustering.fuzzykmeans - package org.apache.mahout.clustering.fuzzykmeans
 
org.apache.mahout.clustering.iterator - package org.apache.mahout.clustering.iterator
 
org.apache.mahout.clustering.kernel - package org.apache.mahout.clustering.kernel
 
org.apache.mahout.clustering.kmeans - package org.apache.mahout.clustering.kmeans
This package provides an implementation of the k-means clustering algorithm.
org.apache.mahout.clustering.lda.cvb - package org.apache.mahout.clustering.lda.cvb
 
org.apache.mahout.clustering.spectral - package org.apache.mahout.clustering.spectral
 
org.apache.mahout.clustering.spectral.kmeans - package org.apache.mahout.clustering.spectral.kmeans
 
org.apache.mahout.clustering.streaming.cluster - package org.apache.mahout.clustering.streaming.cluster
 
org.apache.mahout.clustering.streaming.mapreduce - package org.apache.mahout.clustering.streaming.mapreduce
 
org.apache.mahout.clustering.streaming.tools - package org.apache.mahout.clustering.streaming.tools
 
org.apache.mahout.clustering.topdown - package org.apache.mahout.clustering.topdown
 
org.apache.mahout.clustering.topdown.postprocessor - package org.apache.mahout.clustering.topdown.postprocessor
 
org.apache.mahout.common - package org.apache.mahout.common
 
org.apache.mahout.common.commandline - package org.apache.mahout.common.commandline
 
org.apache.mahout.common.distance - package org.apache.mahout.common.distance
 
org.apache.mahout.common.iterator - package org.apache.mahout.common.iterator
 
org.apache.mahout.common.iterator.sequencefile - package org.apache.mahout.common.iterator.sequencefile
 
org.apache.mahout.common.lucene - package org.apache.mahout.common.lucene
 
org.apache.mahout.common.mapreduce - package org.apache.mahout.common.mapreduce
 
org.apache.mahout.common.nlp - package org.apache.mahout.common.nlp
 
org.apache.mahout.common.parameters - package org.apache.mahout.common.parameters
 
org.apache.mahout.driver - package org.apache.mahout.driver
 
org.apache.mahout.ep - package org.apache.mahout.ep
Provides basic evolutionary optimization using recorded-step mutation.
org.apache.mahout.math - package org.apache.mahout.math
 
org.apache.mahout.math.hadoop - package org.apache.mahout.math.hadoop
 
org.apache.mahout.math.hadoop.decomposer - package org.apache.mahout.math.hadoop.decomposer
 
org.apache.mahout.math.hadoop.similarity - package org.apache.mahout.math.hadoop.similarity
 
org.apache.mahout.math.hadoop.similarity.cooccurrence - package org.apache.mahout.math.hadoop.similarity.cooccurrence
 
org.apache.mahout.math.hadoop.similarity.cooccurrence.measures - package org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
org.apache.mahout.math.hadoop.solver - package org.apache.mahout.math.hadoop.solver
 
org.apache.mahout.math.hadoop.stats - package org.apache.mahout.math.hadoop.stats
 
org.apache.mahout.math.hadoop.stochasticsvd - package org.apache.mahout.math.hadoop.stochasticsvd
 
org.apache.mahout.math.hadoop.stochasticsvd.qr - package org.apache.mahout.math.hadoop.stochasticsvd.qr
 
org.apache.mahout.math.neighborhood - package org.apache.mahout.math.neighborhood
 
org.apache.mahout.math.random - package org.apache.mahout.math.random
 
org.apache.mahout.math.ssvd - package org.apache.mahout.math.ssvd
 
org.apache.mahout.math.stats - package org.apache.mahout.math.stats
 
org.apache.mahout.vectorizer - package org.apache.mahout.vectorizer
 
org.apache.mahout.vectorizer.collocations.llr - package org.apache.mahout.vectorizer.collocations.llr
 
org.apache.mahout.vectorizer.common - package org.apache.mahout.vectorizer.common
 
org.apache.mahout.vectorizer.document - package org.apache.mahout.vectorizer.document
 
org.apache.mahout.vectorizer.encoders - package org.apache.mahout.vectorizer.encoders
 
org.apache.mahout.vectorizer.pruner - package org.apache.mahout.vectorizer.pruner
 
org.apache.mahout.vectorizer.term - package org.apache.mahout.vectorizer.term
 
org.apache.mahout.vectorizer.tfidf - package org.apache.mahout.vectorizer.tfidf
 
orthonormalizeColumns(Matrix) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GramSchmidt
 
OUT_TYPE_KEY - Static variable in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
OuterProductCombiner() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
OuterProductReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
OUTLIER_REMOVAL_THRESHOLD - Static variable in class org.apache.mahout.clustering.classify.ClusterClassificationConfigKeys
 
OUTLIER_THRESHOLD - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
outlierThresholdOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of OUTLIER THRESHOLD value.
OUTPUT_BBT - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
OUTPUT_BT - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
OUTPUT_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
OUTPUT_Q - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
OUTPUT_QHAT - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
OUTPUT_RHAT - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
OUTPUT_SB - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
OUTPUT_SQ - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
OUTPUT_VECTOR_DIMENSION - Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
OUTPUT_VECTOR_FILENAME - Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
OUTPUT_YT_Y - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob
 
outputFile - Variable in class org.apache.mahout.common.AbstractJob
 
outputOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for output directory specification.
outputPath - Variable in class org.apache.mahout.common.AbstractJob
output path, populated by AbstractJob.parseArguments(String[])
OVERSAMPLING - Static variable in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
OVERWRITE_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
overwriteOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for output directory overwriting.

P

Pair<A,B> - Class in org.apache.mahout.common
A simple (ordered) pair of two objects.
Pair(A, B) - Constructor for class org.apache.mahout.common.Pair
 
ParallelALSFactorizationJob - Class in org.apache.mahout.cf.taste.hadoop.als
MapReduce implementation of the two factorization algorithms described in
ParallelALSFactorizationJob() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.ParallelALSFactorizationJob
 
parallelDo(EvolutionaryProcess.Function<Payload<U>>) - Method in class org.apache.mahout.ep.EvolutionaryProcess
Execute an operation on all of the members of the population with many threads.
ParallelSGDFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
ParallelSGDFactorizer(DataModel, int, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
ParallelSGDFactorizer(DataModel, int, double, int, double, double, int, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
ParallelSGDFactorizer(DataModel, int, double, int, double, double, int, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
ParallelSGDFactorizer(DataModel, int, double, int, double, double, int, double, double, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
ParallelSGDFactorizer(DataModel, int, double, int, double, double, int, double, double, double, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
 
ParallelSGDFactorizer.PreferenceShuffler - Class in org.apache.mahout.cf.taste.impl.recommender.svd
 
Parameter<T> - Interface in org.apache.mahout.common.parameters
An accessor to a parameters in the job.
Parametered - Interface in org.apache.mahout.common.parameters
Meta information and accessors for configuring a job.
Parametered.ParameteredGeneralizations - Class in org.apache.mahout.common.parameters
"multiple inheritance"
Parameters - Class in org.apache.mahout.common
 
Parameters() - Constructor for class org.apache.mahout.common.Parameters
 
Parameters(String) - Constructor for class org.apache.mahout.common.Parameters
 
Parameters(Map<String, String>) - Constructor for class org.apache.mahout.common.Parameters
 
parseArguments(String[]) - Method in class org.apache.mahout.common.AbstractJob
Parse the arguments specified based on the options defined using the various addOption methods.
parseArguments(String[], boolean, boolean) - Method in class org.apache.mahout.common.AbstractJob
 
parseDescriptor(CharSequence) - Static method in class org.apache.mahout.classifier.df.data.DescriptorUtils
Deprecated.
Parses a descriptor string and generates the corresponding array of Attributes
parseDirectories(CommandLine, boolean, boolean) - Method in class org.apache.mahout.common.AbstractJob
Obtain input and output directories from command-line options or hadoop properties.
parseElement(ResultSet) - Method in class org.apache.mahout.cf.taste.impl.common.jdbc.ResultSetIterator
 
parseMetaData(CharSequence) - Static method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
parseMetaData() - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
 
parseOutput(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Parse the output files to extract the trees and pass the predictions to the callback
parseOutput(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
Deprecated.
 
parseOutput(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
Deprecated.
 
parseParams(String) - Static method in class org.apache.mahout.common.Parameters
 
partFilter() - Static method in class org.apache.mahout.common.iterator.sequencefile.PathFilters
 
PartialBuilder - Class in org.apache.mahout.classifier.df.mapreduce.partial
Deprecated.
PartialBuilder(TreeBuilder, Path, Path, Long) - Constructor for class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
Deprecated.
 
PartialBuilder(TreeBuilder, Path, Path, Long, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
Deprecated.
 
PartialMultiplyMapper - Class in org.apache.mahout.cf.taste.hadoop.item
maps similar items and their preference values per user
PartialMultiplyMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.PartialMultiplyMapper
 
PartialVectorMerger - Class in org.apache.mahout.vectorizer.common
This class groups a set of input vectors.
PartialVectorMergeReducer - Class in org.apache.mahout.vectorizer.common
Merges partial vectors in to a full sparse vector
PartialVectorMergeReducer() - Constructor for class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
 
partition() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
Data partition (InputSplit's index) that was used to grow the tree
PassiveAggressive - Class in org.apache.mahout.classifier.sgd
Online passive aggressive learner that tries to minimize the label ranking hinge loss.
PassiveAggressive(int, int) - Constructor for class org.apache.mahout.classifier.sgd.PassiveAggressive
 
PathDirectory - Class in org.apache.mahout.clustering.topdown
Contains list of all internal paths used in top down clustering.
PathFilters - Class in org.apache.mahout.common.iterator.sequencefile
Supplies some useful and repeatedly-used instances of PathFilter.
PathParameter - Class in org.apache.mahout.common.parameters
 
PathParameter(String, String, Configuration, Path, String) - Constructor for class org.apache.mahout.common.parameters.PathParameter
 
PathType - Enum in org.apache.mahout.common.iterator.sequencefile
Used by SequenceFileDirIterable and the like to select whether the input path specifies a directory to list, or a glob pattern.
Payload<T> - Interface in org.apache.mahout.ep
Payloads for evolutionary state must be copyable and updatable.
pdf(VectorWritable) - Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
 
pdf(VectorWritable) - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
pdf(O) - Method in interface org.apache.mahout.clustering.Model
Return the probability that the observation is described by this model
PearsonCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
An implementation of the Pearson correlation.
PearsonCorrelationSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
 
PearsonCorrelationSimilarity(DataModel, Weighting) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
 
PearsonCorrelationSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
PearsonCorrelationSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.PearsonCorrelationSimilarity
 
peek() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
peek() - Method in interface org.apache.mahout.cf.taste.impl.common.LongPrimitiveIterator
 
peek() - Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
percentCorrect() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
perplexity(Vector, Vector) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
\(sum_x sum_a (c_ai * log(p(x|i) * p(a|x)))\)
perplexityPath(Path, int) - Static method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
persist(Path) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
persist(Path, boolean) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
PersistenceStrategy - Interface in org.apache.mahout.cf.taste.impl.recommender.svd
Provides storage for Factorizations
persistVector(Path, int, Vector) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
perTermLearningRate(int) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
perTermLearningRate(int) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
PlusAnonymousConcurrentUserDataModel - Class in org.apache.mahout.cf.taste.impl.model
This is a special thread-safe version of PlusAnonymousUserDataModel which allow multiple concurrent anonymous requests.
PlusAnonymousConcurrentUserDataModel(DataModel, int) - Constructor for class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
PlusAnonymousUserDataModel - Class in org.apache.mahout.cf.taste.impl.model
This DataModel decorator class is useful in a situation where you wish to recommend to a user that doesn't really exist yet in your actual DataModel.
PlusAnonymousUserDataModel(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
plusBlock(SparseRowBlockWritable) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
pluses one block into another.
plusRow(int, Vector) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
PolymorphicWritable - Class in org.apache.mahout.classifier.sgd
Utilities that write a class name and then serialize using writables.
populateClusterModels(Path, Configuration) - Static method in class org.apache.mahout.clustering.classify.ClusterClassificationMapper
 
POST_PROCESS_DIRECTORY - Static variable in class org.apache.mahout.clustering.topdown.PathDirectory
 
POWERITERS - Static variable in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
predict(HmmModel, int) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Predict a sequence of steps output states for the given HMM model
predict(HmmModel, int, long) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
Predict a sequence of steps output states for the given HMM model
PredictionMapper - Class in org.apache.mahout.cf.taste.hadoop.als
a multithreaded mapper that loads the feature matrices U and M into memory.
PredictionMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.PredictionMapper
 
PredictRatingsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator.PredictRatingsMapper
 
predictTrace(Node, Data, String[]) - Static method in class org.apache.mahout.classifier.df.tools.TreeVisualizer
Deprecated.
Predict trace to String
predictTracePrint(Node, Data, String[]) - Static method in class org.apache.mahout.classifier.df.tools.TreeVisualizer
Deprecated.
Print predict trace
PrefAndSimilarityColumnWritable - Class in org.apache.mahout.cf.taste.hadoop.item
 
PrefAndSimilarityColumnWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
PrefAndSimilarityColumnWritable(float, Vector) - Constructor for class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
Preference - Interface in org.apache.mahout.cf.taste.model
A Preference encapsulates an item and a preference value, which indicates the strength of the preference for it.
PreferenceArray - Interface in org.apache.mahout.cf.taste.model
An alternate representation of an array of Preference.
PreferenceEstimateCallable(Recommender, long, PreferenceArray, AtomicInteger) - Constructor for class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator.PreferenceEstimateCallable
 
PreferenceInferrer - Interface in org.apache.mahout.cf.taste.similarity
Implementations of this interface compute an inferred preference for a user and an item that the user has not expressed any preference for.
PreferenceShuffler(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
PreferredItemsNeighborhoodCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
 
PreferredItemsNeighborhoodCandidateItemsStrategy() - Constructor for class org.apache.mahout.cf.taste.impl.recommender.PreferredItemsNeighborhoodCandidateItemsStrategy
 
prefix() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
prefix() - Method in interface org.apache.mahout.common.parameters.Parameter
 
prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>) - Method in class org.apache.mahout.common.AbstractJob
 
prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>, String) - Method in class org.apache.mahout.common.AbstractJob
 
prepareJob(Path, Path, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends Reducer>, Class<? extends Writable>, Class<? extends Writable>) - Method in class org.apache.mahout.common.AbstractJob
 
prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends Reducer>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>) - Method in class org.apache.mahout.common.AbstractJob
 
prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
Create a map-only Hadoop Job out of the passed in parameters.
prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends Reducer>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
Create a map and reduce Hadoop job.
PreparePreferenceMatrixJob - Class in org.apache.mahout.cf.taste.hadoop.preparation
 
PreparePreferenceMatrixJob() - Constructor for class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
prepareTraining() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
prepareTraining() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDPlusPlusFactorizer
 
preventOverfitting - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Parameter used to prevent overfitting.
print(String, String, String[]) - Static method in class org.apache.mahout.classifier.df.tools.ForestVisualizer
Deprecated.
Print Decision Forest
print(Node, Dataset, String[]) - Static method in class org.apache.mahout.classifier.df.tools.TreeVisualizer
Deprecated.
Print Decision tree
print() - Method in class org.apache.mahout.common.Parameters
 
printHelp(Group) - Static method in class org.apache.mahout.common.CommandLineUtil
 
printHelpWithGenericOptions(Group) - Static method in class org.apache.mahout.common.CommandLineUtil
Print the options supported by GenericOptionsParser.
printHelpWithGenericOptions(Group, OptionException) - Static method in class org.apache.mahout.common.CommandLineUtil
 
prior - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
PRIOR_PATH_KEY - Static variable in class org.apache.mahout.clustering.iterator.ClusterIterator
 
PriorFunction - Interface in org.apache.mahout.classifier.sgd
A prior is used to regularize the learning algorithm.
process() - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessor
This method takes the clustered points output by the clustering algorithms as input and writes them into their respective clusters.
processFile(FileLineIterator, FastByIDMap<?>, FastByIDMap<FastByIDMap<Long>>, boolean) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
processFileWithoutID(FileLineIterator, FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
processLine(String, FastByIDMap<?>, FastByIDMap<FastByIDMap<Long>>, boolean) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
Reads one line from the input file and adds the data to a FastByIDMap data structure which maps user IDs to preferences.
processLine(String, Vector) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Decodes a single line of CSV data and records the target and predictor variables in a record.
processLine(CharSequence, Vector, boolean) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
Decodes a single line of CSV data and records the target(if retrunTarget is true) and predictor variables in a record.
processLine(String, Vector) - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
processLineWithoutID(String, FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
processOneEstimate(float, Preference) - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
processOneEstimate(float, Preference) - Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
 
processOneEstimate(float, Preference) - Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
 
processOtherUser(long, FastIDSet, FastByIDMap<PreferenceArray>, long, DataModel) - Method in interface org.apache.mahout.cf.taste.eval.RelevantItemsDataSplitter
Adds a single user and all their preferences to the training model.
processOtherUser(long, FastIDSet, FastByIDMap<PreferenceArray>, long, DataModel) - Method in class org.apache.mahout.cf.taste.impl.eval.GenericRelevantItemsDataSplitter
 
processOutput(JobContext, Path, TreeID[], Node[]) - Static method in class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
Deprecated.
Processes the output from the output path.
processSubgram(Iterator<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
Sum frequencies for subgram, ngrams and deliver ngram, subgram pairs to the collector.
processTfIdf(Path, Path, Configuration, Pair<Long[], List<Path>>, int, long, float, boolean, boolean, boolean, int) - Static method in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
Create Term Frequency-Inverse Document Frequency (Tf-Idf) Vectors from the input set of vectors in SequenceFile format.
processUnigram(Iterator<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
Sum frequencies for unigrams and deliver to the collector
ProjectionSearch - Class in org.apache.mahout.math.neighborhood
Does approximate nearest neighbor dudes search by projecting the data.
ProjectionSearch(DistanceMeasure, int, int) - Constructor for class org.apache.mahout.math.neighborhood.ProjectionSearch
 
PROP_AROWBLOCK_SIZE - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
PROP_AROWBLOCK_SIZE - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
PROP_BT_BROADCAST - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
PROP_BT_BROADCAST - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob
 
PROP_BT_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
PROP_BT_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob
 
PROP_K - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
PROP_K - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
PROP_K - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob
 
PROP_NV - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_OMEGA_SEED - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
PROP_OMEGA_SEED - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob
 
PROP_OUPTUT_BBT_PRODUCTS - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_OUTER_PROD_BLOCK_HEIGHT - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_P - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
PROP_P - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
PROP_P - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob
 
PROP_QJOB_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_RHAT_BROADCAST - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_SB_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
PROP_SB_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
PROP_SQ_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
PROP_SQ_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.VJob
 
PROP_XI_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
PROP_XI_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
PROP_XI_PATH - Static variable in class org.apache.mahout.math.hadoop.stochasticsvd.VJob
 
PrunedPartialVectorMergeReducer - Class in org.apache.mahout.vectorizer.pruner
 
PrunedPartialVectorMergeReducer() - Constructor for class org.apache.mahout.vectorizer.pruner.PrunedPartialVectorMergeReducer
 
pruneVectors(Path, Path, Path, long, long, Configuration, Pair<Long[], List<Path>>, float, boolean, int) - Static method in class org.apache.mahout.vectorizer.HighDFWordsPruner
 
put(long, V) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
put(K, V) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
putAll(Map<? extends K, ? extends V>) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
putCount(String, String, int) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 

Q

qhatCollector - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
qhatCollector - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
QJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Compute first level of QHat-transpose blocks.
QJob.QMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
QMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.QJob.QMapper
 
qr - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
qr - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
QRFirstStep - Class in org.apache.mahout.math.hadoop.stochasticsvd.qr
QR first step without MR abstractions and doing it just in terms of iterators and collectors.
QRFirstStep(Configuration, OutputCollector<? super Writable, ? super DenseBlockWritable>, OutputCollector<? super Writable, ? super VectorWritable>) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
QRLastStep - Class in org.apache.mahout.math.hadoop.stochasticsvd.qr
Second/last step of QR iterations.
QRLastStep(Iterator<DenseBlockWritable>, Iterator<VectorWritable>, int) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRLastStep
 
QRReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
QRReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 

R

random - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
RANDOM_INIT - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
Whether to use k-means++ initialization or random initialization of the seed centroids.
RANDOM_SEED - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
RANDOM_SEED - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
randomAttributes(Random, boolean[], int) - Static method in class org.apache.mahout.classifier.df.builder.DefaultTreeBuilder
Deprecated.
Randomly selects m attributes to consider for split, excludes IGNORED and LABEL attributes
randomNoise - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
Standard deviation for random initialization of features
RandomProjector - Class in org.apache.mahout.math.random
 
RandomRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
Produces random recommendations and preference estimates.
RandomRecommender(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
 
RandomSeedGenerator - Class in org.apache.mahout.clustering.kmeans
Given an Input Path containing a SequenceFile, randomly select k vectors and write them to the output file as a Kluster representing the initial centroid to use.
RandomSequenceGenerator - Class in org.apache.mahout.classifier.sequencelearning.hmm
Command-line tool for generating random sequences by given HMM
RankingGradient - Class in org.apache.mahout.classifier.sgd
Uses the difference between this instance and recent history to get a gradient that optimizes ranking performance.
RankingGradient(int) - Constructor for class org.apache.mahout.classifier.sgd.RankingGradient
 
RATING_MATRIX - Static variable in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
RATING_SHIFT - Static variable in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
 
RatingSGDFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
Matrix factorization with user and item biases for rating prediction, trained with plain vanilla SGD
RatingSGDFactorizer(DataModel, int, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
RatingSGDFactorizer(DataModel, int, double, double, double, int, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
ratingVector(PreferenceArray) - Static method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
RAW_EIGENVECTORS - Static variable in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
rBeta(double, double) - Static method in class org.apache.mahout.clustering.UncommonDistributions
Returns a random sample from a beta distribution with the given shapes
rBinomial(int, double) - Static method in class org.apache.mahout.clustering.UncommonDistributions
Returns an integer sampled according to this distribution.
read(DataInput) - Static method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
Read the forest from inputStream
read(DataInput) - Static method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
read(DataInput) - Static method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
read(DataInput, Class<? extends T>) - Static method in class org.apache.mahout.classifier.sgd.PolymorphicWritable
 
read(DataInput) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
read(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
read(Configuration, Path...) - Static method in class org.apache.mahout.math.MatrixUtils
 
read(DataInput) - Static method in class org.apache.mahout.math.MultiLabelVectorWritable
 
readAsIntMap(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
readBinary(DataInput) - Static method in class org.apache.mahout.cf.taste.impl.recommender.svd.FilePersistenceStrategy
 
readBinary(InputStream, Class<T>) - Static method in class org.apache.mahout.classifier.sgd.ModelSerializer
 
readDictionary(Configuration, Path...) - Static method in class org.apache.mahout.math.MatrixUtils
 
readDoubleArray(DataInput) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Reads a double[] from a DataInput
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
readFields(DataInput) - Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
Reads the trees from the input and adds them to the existing trees
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.L1
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.L2
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.TPrior
 
readFields(DataInput) - Method in class org.apache.mahout.classifier.sgd.UniformPrior
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.AbstractCluster
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.CanopyClusteringPolicy
Deprecated.
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.ClusterWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.iterator.KMeansClusteringPolicy
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
readFields(DataInput) - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
readFields(DataInput) - Method in class org.apache.mahout.common.IntegerTuple
 
readFields(DataInput) - Method in class org.apache.mahout.common.IntPairWritable
 
readFields(DataInput) - Method in class org.apache.mahout.common.StringTuple
 
readFields(DataInput) - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
readFields(DataInput) - Method in class org.apache.mahout.ep.Mapping.Exponential
 
readFields(DataInput) - Method in class org.apache.mahout.ep.Mapping.Identity
 
readFields(DataInput) - Method in class org.apache.mahout.ep.Mapping.LogLimit
 
readFields(DataInput) - Method in class org.apache.mahout.ep.Mapping.SoftLimit
 
readFields(DataInput) - Method in class org.apache.mahout.ep.State
 
readFields(DataInput) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
readFields(DataInput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
 
readFields(DataInput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
readFields(DataInput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
readFields(DataInput) - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
readFields(DataInput) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
readFields(DataInput) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
readFields(DataInput) - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
readFields(DataInput) - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
readFromSeqFiles(Configuration, Path) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
readID(String, boolean) - Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
 
readIDIndexMap(String, Configuration) - Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
Reads a binary mapping file
readIDs() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
Reads user ids and item ids from files specified in a job configuration
readIndexFromCache(Configuration) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
 
readInt(Path, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
readIntArray(DataInput) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Reads an int[] from a DataInput
readItemIDFromString(String) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
Subclasses may wish to override this if ID values in the file are not numeric.
readLabelIndex(Configuration, Path) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
 
readModelFromDir(Path, Configuration) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
 
readNodeArray(DataInput) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Reads a Node[] from a DataInput
readPerplexity(Configuration, Path, int) - Static method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
readPolicy(Path) - Static method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
readScoresFromCache(Configuration) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
 
readTimestampFromString(String) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
Subclasses may wish to override this to change how time values in the input file are parsed.
readUserIDFromString(String) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
Subclasses may wish to override this if ID values in the file are not numeric.
recommend(long, int) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
Default implementation which just calls Recommender.recommend(long, int, org.apache.mahout.cf.taste.recommender.IDRescorer), with a Rescorer that does nothing.
recommend(long, int, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
Default implementation which just calls Recommender.recommend(long, int, org.apache.mahout.cf.taste.recommender.IDRescorer), with a Rescorer that does nothing.
recommend(long, int, IDRescorer) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
recommend(long, int) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
recommend(long, int, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
recommend(long, int, IDRescorer) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
 
recommend(long, int, IDRescorer, boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
 
recommend(long, int) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
recommend(long, int, boolean) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
recommend(long, int, IDRescorer) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
recommend(long, int, IDRescorer, boolean) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
recommendedBecause(long, long, int) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
recommendedBecause(long, long, int) - Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
Lists the items that were most influential in recommending a given item to a given user.
RecommendedItem - Interface in org.apache.mahout.cf.taste.recommender
Implementations encapsulate items that are recommended, and include the item recommended and a value expressing the strength of the preference.
RecommendedItemsWritable - Class in org.apache.mahout.cf.taste.hadoop
A Writable which encapsulates a list of RecommendedItems.
RecommendedItemsWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
RecommendedItemsWritable(List<RecommendedItem>) - Constructor for class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
Recommender - Interface in org.apache.mahout.cf.taste.recommender
Implementations of this interface can recommend items for a user.
RecommenderBuilder - Interface in org.apache.mahout.cf.taste.eval
Implementations of this inner interface are simple helper classes which create a Recommender to be evaluated based on the given DataModel.
RecommenderEvaluator - Interface in org.apache.mahout.cf.taste.eval
Implementations of this interface evaluate the quality of a Recommender's recommendations.
RecommenderIRStatsEvaluator - Interface in org.apache.mahout.cf.taste.eval
Implementations collect information retrieval-related statistics on a Recommender's performance, including precision, recall and f-measure.
RecommenderJob - Class in org.apache.mahout.cf.taste.hadoop.als
Computes the top-N recommendations per user from a decomposition of the rating matrix
RecommenderJob() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.RecommenderJob
 
RecommenderJob - Class in org.apache.mahout.cf.taste.hadoop.item
Runs a completely distributed recommender job as a series of mapreduces.
RecommenderJob() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
 
RecordFactory - Interface in org.apache.mahout.classifier.sgd
A record factor understands how to convert a line of data into fields and then into a vector.
reduce(VarLongWritable, Iterable<PrefAndSimilarityColumnWritable>, Reducer<VarLongWritable, PrefAndSimilarityColumnWritable, VarLongWritable, RecommendedItemsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.AggregateAndRecommendReducer
 
reduce(VarLongWritable, Iterable<VarLongWritable>, Reducer<VarLongWritable, VarLongWritable, VarIntWritable, VectorAndPrefsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ItemFilterAsVectorAndPrefsReducer
 
reduce(VarIntWritable, Iterable<VarLongWritable>, Reducer<VarIntWritable, VarLongWritable, VarIntWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexReducer
 
reduce(VarLongWritable, Iterable<VarLongWritable>, Reducer<VarLongWritable, VarLongWritable, VarLongWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer
 
reduce(VarIntWritable, Iterable<VectorOrPrefWritable>, Reducer<VarIntWritable, VectorOrPrefWritable, VarIntWritable, VectorAndPrefsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ToVectorAndPrefReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.preparation.ToItemVectorsReducer
 
reduce(EntityEntityWritable, Iterable<DoubleWritable>, Reducer<EntityEntityWritable, DoubleWritable, EntityEntityWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsReducer
 
reduce(Text, Iterable<VectorWritable>, Reducer<Text, VectorWritable, Text, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.canopy.CanopyReducer
Deprecated.
 
reduce(IntWritable, Iterable<ClusterWritable>, Reducer<IntWritable, ClusterWritable, IntWritable, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.iterator.CIReducer
 
reduce(IntWritable, Iterable<DistributedRowMatrix.MatrixEntryWritable>, Reducer<IntWritable, DistributedRowMatrix.MatrixEntryWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.AffinityMatrixInputReducer
 
reduce(NullWritable, Iterable<IntDoublePairWritable>, Reducer<NullWritable, IntDoublePairWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.MatrixDiagonalizeJob.MatrixDiagonalizeReducer
 
reduce(IntWritable, Iterable<CentroidWritable>, Reducer<IntWritable, CentroidWritable, IntWritable, CentroidWritable>.Context) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorReducer
The key is the remapped cluster id and the values contains the vectors in that cluster.
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.MergeVectorsCombiner
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.MergeVectorsReducer
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.VectorSumCombiner
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.VectorSumReducer
 
reduce(NullWritable, Iterable<VectorWritable>, Reducer<NullWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansReducer
 
reduce(IntWritable, Iterator<VectorWritable>, OutputCollector<IntWritable, VectorWritable>, Reporter) - Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplicationReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeToTopKSimilaritiesReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeVectorsReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.SimilarityReducer
 
reduce(NullWritable, Iterable<VectorWritable>, Reducer<NullWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.SumObservationsReducer
 
reduce(IntWritable, Iterable<DoubleWritable>, Reducer<IntWritable, DoubleWritable, IntWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorReducer
 
reduce(SplitPartitionedWritable, Iterable<DenseBlockWritable>, Reducer<SplitPartitionedWritable, DenseBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
reduce(SplitPartitionedWritable, Iterable<SparseRowBlockWritable>, Reducer<SplitPartitionedWritable, SparseRowBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
reduce(Writable, Iterable<SparseRowBlockWritable>, Reducer<Writable, SparseRowBlockWritable, Writable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
reduce(LongWritable, Iterable<SparseRowBlockWritable>, Reducer<LongWritable, SparseRowBlockWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
reduce(IntWritable, Iterable<VectorWritable>, Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYReducer
 
reduce(NullWritable, Iterable<VectorWritable>, Reducer<NullWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.VectorSummingReducer
 
reduce(GramKey, Iterable<Gram>, Reducer<GramKey, Gram, GramKey, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocCombiner
 
reduce(GramKey, Iterable<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
collocation finder: pass 1 reduce phase:

given input from the mapper,

reduce(Gram, Iterable<Gram>, Reducer<Gram, Gram, Text, DoubleWritable>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
Perform LLR calculation, input is: k:ngram:ngramFreq v:(h_|t_)subgram:subgramfreq N = ngram total Each ngram will have 2 subgrams, a head and a tail, referred to as A and B respectively below.
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.pruner.PrunedPartialVectorMergeReducer
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.pruner.WordsPrunerReducer
 
reduce(Text, Iterable<LongWritable>, Reducer<Text, LongWritable, Text, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermCountCombiner
 
reduce(Text, Iterable<LongWritable>, Reducer<Text, LongWritable, Text, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermCountReducer
 
reduce(IntWritable, Iterable<LongWritable>, Reducer<IntWritable, LongWritable, IntWritable, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermDocumentCountReducer
 
reduce(Text, Iterable<StringTuple>, Reducer<Text, StringTuple, Text, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
 
reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
 
REDUCE_STREAMING_KMEANS - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
Whether to run another pass of StreamingKMeans on the reducer's points before BallKMeans.
REDUCERS - Static variable in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
refresh(Collection<Refreshable>) - Method in interface org.apache.mahout.cf.taste.common.Refreshable
Triggers "refresh" -- whatever that means -- of the implementation.
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
Typically this is called in Refreshable.refresh(java.util.Collection) and is the entire body of that method.
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractIDMigrator
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.neighborhood.CachingUserNeighborhood
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractCandidateItemsStrategy
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.AbstractFactorizer
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
Refresh the data model and factorization.
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.AbstractItemSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
 
refresh(Collection<Refreshable>) - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
Refreshable - Interface in org.apache.mahout.cf.taste.common
Implementations of this interface have state that can be periodically refreshed.
RefreshHelper - Class in org.apache.mahout.cf.taste.impl.common
A helper class for implementing Refreshable.
RefreshHelper(Callable<?>) - Constructor for class org.apache.mahout.cf.taste.impl.common.RefreshHelper
 
registerHiddenStateNames(String[]) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Register an array of hidden state Names.
registerHiddenStateNames(Map<String, Integer>) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Register a map of hidden state Names/state IDs
registerOutputStateNames(String[]) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Register an array of hidden state Names.
registerOutputStateNames(Map<String, Integer>) - Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
Register a map of hidden state Names/state IDs
RegressionResultAnalyzer - Class in org.apache.mahout.classifier
ResultAnalyzer captures the classification statistics and displays in a tabular manner
RegressionResultAnalyzer() - Constructor for class org.apache.mahout.classifier.RegressionResultAnalyzer
 
RegressionSplit - Class in org.apache.mahout.classifier.df.split
Deprecated.
RegressionSplit() - Constructor for class org.apache.mahout.classifier.df.split.RegressionSplit
Deprecated.
 
regularization(double) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Chainable configuration option.
regularize(Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
rehash() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
rehash() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
rehash() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
reindexCentroids() - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
releaseUser(Long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
Release previously taken anonymous user and return it to the pool.
RelevantItemsDataSplitter - Interface in org.apache.mahout.cf.taste.eval
Implementations of this interface determine the items that are considered relevant, and splits data into a training and test subset, for purposes of precision/recall tests as implemented by implementations of RecommenderIRStatsEvaluator.
reload() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
reload() - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
remove(K) - Method in class org.apache.mahout.cf.taste.impl.common.Cache
Uncaches any existing value for a given key.
remove(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
remove(long) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
remove(Object) - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
remove() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
remove() - Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
remove() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRLastStep
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.BruteSearch
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.Searcher
 
remove(Vector, double) - Method in class org.apache.mahout.math.neighborhood.UpdatableSearcher
 
removeAll(long[]) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
removeAll(FastIDSet) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
 
removeDatum(double) - Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
 
removeDatum(double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
removeDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
removeDatum(double, double) - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
removeDependency(Refreshable) - Method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
 
removeHash(WeightedThing<Vector>) - Static method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
removeKeysMatching(Cache.MatchPredicate<K>) - Method in class org.apache.mahout.cf.taste.impl.common.Cache
Clears all cache entries whose key matches the given predicate.
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
Default implementation which just calls DataModel.removePreference(long, long) (Object, Object)}.
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
removePreference(long, long) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
removePreference(long, long) - Method in interface org.apache.mahout.cf.taste.model.DataModel
Removes a particular preference for a user.
removePreference(long, long) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
removeValueMatching(Cache.MatchPredicate<V>) - Method in class org.apache.mahout.cf.taste.impl.common.Cache
Clears all cache entries whose value matches the given predicate.
renormalize() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
replaceAt(int, Integer) - Method in class org.apache.mahout.common.IntegerTuple
Replaces the string at the given index with the given newString
replaceAt(int, String) - Method in class org.apache.mahout.common.StringTuple
Replaces the string at the given index with the given newString
rescore(T, double) - Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
rescore(long, double) - Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
rescore(long, double) - Method in interface org.apache.mahout.cf.taste.recommender.IDRescorer
 
rescore(T, double) - Method in interface org.apache.mahout.cf.taste.recommender.Rescorer
 
Rescorer<T> - Interface in org.apache.mahout.cf.taste.recommender
A Rescorer simply assigns a new "score" to a thing like an ID of an item or user which a Recommender is considering returning as a top recommendation.
reset() - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
reset() - Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
 
reset() - Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
 
reset() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
reset() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
resetEvaluationCount() - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
This is only for testing.
resetLineCounter() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
ResplitSequenceFiles - Class in org.apache.mahout.clustering.streaming.tools
 
ResultAnalyzer - Class in org.apache.mahout.classifier
ResultAnalyzer captures the classification statistics and displays in a tabular manner
ResultAnalyzer(Collection<String>, String) - Constructor for class org.apache.mahout.classifier.ResultAnalyzer
 
ResultSetIterator<T> - Class in org.apache.mahout.cf.taste.impl.common.jdbc
 
ResultSetIterator(DataSource, String) - Constructor for class org.apache.mahout.cf.taste.impl.common.jdbc.ResultSetIterator
 
retainAll(FastIDSet) - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
retrievePerLabelThetaNormalizer() - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
Retriever<K,V> - Interface in org.apache.mahout.cf.taste.impl.common
Implementations can retrieve a value for a given key.
retrieveTimesSquaredOutputVector(Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
 
rGamma(double, double) - Static method in class org.apache.mahout.clustering.UncommonDistributions
Returns a double sampled according to this distribution.
rhatCollector - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
rhatCollector - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
RMSRecommenderEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
A RecommenderEvaluator which computes the "root mean squared" difference between predicted and actual ratings for users.
RMSRecommenderEvaluator() - Constructor for class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
 
rNorm(double, double) - Static method in class org.apache.mahout.clustering.UncommonDistributions
Return a random value from a normal distribution with the given mean and standard deviation
RowSimilarityJob - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob
 
RowSimilarityJob.CooccurrencesMapper - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.CountObservationsMapper - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.MergeToTopKSimilaritiesReducer - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.MergeVectorsReducer - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.SimilarityReducer - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.SumObservationsReducer - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.UnsymmetrifyMapper - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
RowSimilarityJob.VectorNormMapper - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
rsplit(Random, int) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
Splits the data in two, returns one part, and this gets the rest of the data.
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.als.DatasetSplitter
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator
 
run(Mapper<K1, V1, K2, V2>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.MultithreadedSharingMapper
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.als.ParallelALSFactorizationJob
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.als.RecommenderJob
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
run(String[]) - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob
 
run() - Method in class org.apache.mahout.classifier.df.mapreduce.Classifier
Deprecated.
 
run(String[]) - Method in class org.apache.mahout.classifier.df.tools.Describe
 
run(String[]) - Method in class org.apache.mahout.classifier.df.tools.Frequencies
Deprecated.
 
run(Configuration) - Method in class org.apache.mahout.classifier.df.tools.FrequenciesJob
Deprecated.
 
run(String[]) - Method in class org.apache.mahout.classifier.naivebayes.test.TestNaiveBayesDriver
 
run(String[]) - Method in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
run(String[]) - Method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
 
run(Configuration, Path, Path, DistanceMeasure, double, double, double, double, int, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
Build a directory of Canopy clusters from the input arguments and, if requested, cluster the input vectors using these clusters
run(Configuration, Path, Path, DistanceMeasure, double, double, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
Convenience method to provide backward compatibility
run(Path, Path, DistanceMeasure, double, double, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
Deprecated.
Convenience method creates new Configuration() Build a directory of Canopy clusters from the input arguments and, if requested, cluster the input vectors using these clusters
run(String[]) - Method in class org.apache.mahout.clustering.classify.ClusterClassificationDriver
CLI to run Cluster Classification Driver.
run(Configuration, Path, Path, Path, Double, boolean, boolean) - Static method in class org.apache.mahout.clustering.classify.ClusterClassificationDriver
Uses ClusterClassifier to classify input vectors into their respective clusters.
run(Configuration, Path, Path, Path, double, boolean, boolean) - Static method in class org.apache.mahout.clustering.classify.ClusterClassificationDriver
 
run(String[]) - Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
 
run(Path, Path, Path, double, int, float, boolean, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
Iterate over the input vectors to produce clusters and, if requested, use the results of the final iteration to cluster the input vectors.
run(Configuration, Path, Path, Path, double, int, float, boolean, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
Iterate over the input vectors to produce clusters and, if requested, use the results of the final iteration to cluster the input vectors.
run(String[]) - Method in class org.apache.mahout.clustering.kmeans.KMeansDriver
 
run(Configuration, Path, Path, Path, double, int, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
Iterate over the input vectors to produce clusters and, if requested, use the results of the final iteration to cluster the input vectors.
run(Path, Path, Path, double, int, boolean, double, boolean) - Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
Iterate over the input vectors to produce clusters and, if requested, use the results of the final iteration to cluster the input vectors.
run(Reducer<DoubleWritable, DoubleWritable, DoubleWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver.DualDoubleSumReducer
 
run(String[]) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
run(Configuration, Path, Path, int, int, double, double, int, int, double, Path, Path, Path, long, float, int, int, int, int, boolean) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
run(String[]) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
run(String[]) - Method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
run(Configuration, Path, Path, int, int, DistanceMeasure, double, int, Path) - Static method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
run(Configuration, Path, Path, int, int, DistanceMeasure, double, int, Path, int, int, int, int) - Static method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
Run the Spectral KMeans clustering on the supplied arguments
run(String[]) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
 
run(Configuration, Path, Path) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
Iterate over the input vectors to produce clusters and, if requested, use the results of the final iteration to cluster the input vectors.
run(String[]) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorDriver
CLI to run clustering post processor.
run(Path, Path, boolean) - Static method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorDriver
Post processes the output of clustering algorithms and groups them into respective clusters.
run(String[]) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
Deprecated.
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
run(Path, Path, Path, Path, int, int, boolean, int, double, double, boolean) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
Run the solver to produce raw eigenvectors, then run the EigenVerificationJob to clean them
run(Path, Path, Path, Path, int, int, boolean, int) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
Run the solver to produce the raw eigenvectors
run(String[]) - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
run(Path, Path, Path, Path, double, double, boolean, Configuration) - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
Run the job with the given arguments
run(Configuration, Path, Path) - Static method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob
 
run(Configuration, Path, Path, String) - Static method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob
Job for calculating column-wise mean of a DistributedRowMatrix
run(String[]) - Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
run(Configuration, Path, Path, Path, DistanceMeasure, String) - Static method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
run(Configuration, Path, Path, Path, DistanceMeasure, String, Double) - Static method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 
run(Configuration, Path[], Path, Path, Path, Path, Path, int, int, int, int, int, int, boolean) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob
 
run(Configuration, Path[], Path, Path, int, int, int, int, int, int, boolean) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob
 
run(Configuration, Path[], Path, Path, Path, int, int, int, int, int, boolean, Class<? extends Writable>, boolean) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob
 
run(Configuration, Path[], Path, Path, int, int, int, int, long, int) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.QJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDCli
 
run() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
run all SSVD jobs.
run(Configuration, Path, Path, Path, Path, int, int, Class<? extends Writable>, SSVDSolver.OutputScalingEnum) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.UJob
 
run(Configuration, Path, Path, Path, Path, Path, Path, int, int, SSVDSolver.OutputScalingEnum) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.VJob
 
run(Configuration, Path[], Path, int, int, long) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob
 
run(String[]) - Method in class org.apache.mahout.math.hadoop.TransposeJob
 
run(String[]) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
run(String[]) - Method in class org.apache.mahout.vectorizer.DictionaryVectorizer
 
run(String[]) - Method in class org.apache.mahout.vectorizer.EncodedVectorsFromSequenceFiles
 
run(String[]) - Method in class org.apache.mahout.vectorizer.SparseVectorsFromSequenceFiles
 
runIteration(Configuration, Path, Path, Path, int, int, int) - Method in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
runJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Sequential implementation should override this method to simulate the job execution
runJob(Path, Path, int, int) - Static method in class org.apache.mahout.clustering.spectral.AffinityMatrixInputJob
Initializes and executes the job of reading the documents containing the data of the affinity matrix in (x_i, x_j, value) format.
runJob(Path, Path, int) - Static method in class org.apache.mahout.clustering.spectral.AffinityMatrixInputJob
A transparent wrapper for the above method which handles the tedious tasks of setting and retrieving system Paths.
runJob(Path, int) - Static method in class org.apache.mahout.clustering.spectral.MatrixDiagonalizeJob
 
runJob(Path, Path) - Static method in class org.apache.mahout.clustering.spectral.UnitVectorizerJob
 
runJob(Path, Vector, Path) - Static method in class org.apache.mahout.clustering.spectral.VectorMatrixMultiplicationJob
Invokes the job.
runJob(Path, Vector, Path, Path) - Static method in class org.apache.mahout.clustering.spectral.VectorMatrixMultiplicationJob
 
runJob(Configuration, LanczosState, int, boolean, String) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
runJob(Configuration, Path, Path, int, int, boolean, int, String) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
Factored-out LanczosSolver for the purpose of invoking it programmatically
runJob(Configuration, Path, Path, Path, boolean, double, int) - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
Progammatic invocation of run()
runJob(Path, Path, int, int, Vector, Preconditioner, int, double) - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
Runs the distributed conjugate gradient solver programmatically to solve the system (A + lambda*I)x = b.
runLoad(Recommender) - Static method in class org.apache.mahout.cf.taste.impl.eval.LoadEvaluator
 
runLoad(Recommender, int) - Static method in class org.apache.mahout.cf.taste.impl.eval.LoadEvaluator
 
runMapReduce(Configuration, Path, Path) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
 
RunningAverage - Interface in org.apache.mahout.cf.taste.impl.common
Interface for classes that can keep track of a running average of a series of numbers.
RunningAverageAndStdDev - Interface in org.apache.mahout.cf.taste.impl.common
Extends RunningAverage by adding standard deviation too.
RunningSumsGaussianAccumulator - Class in org.apache.mahout.clustering
An online Gaussian accumulator that uses a running power sums approach as reported on http://en.wikipedia.org/wiki/Standard_deviation Suffers from overflow, underflow and roundoff error but has minimal observe-time overhead
RunningSumsGaussianAccumulator() - Constructor for class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
 

S

sample(Vector) - Method in class org.apache.mahout.math.stats.Sampler
 
sample() - Method in class org.apache.mahout.math.stats.Sampler
 
sampleFromPosterior() - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
sampleFromPosterior() - Method in interface org.apache.mahout.clustering.Model
 
sampleFromPosterior(Model<O>[]) - Method in interface org.apache.mahout.clustering.ModelDistribution
Return a list of models sampled from the posterior
sampleFromPrior(int) - Method in interface org.apache.mahout.clustering.ModelDistribution
Return a list of models sampled from the prior
Sampler - Class in org.apache.mahout.math.stats
Discrete distribution sampler: Samples from a given discrete distribution: you provide a source of randomness and a Vector (cardinality N) which describes a distribution over [0,N), and calls to sample() sample from 0 to N using this distribution
Sampler(Random) - Constructor for class org.apache.mahout.math.stats.Sampler
 
Sampler(Random, double[]) - Constructor for class org.apache.mahout.math.stats.Sampler
 
Sampler(Random, Vector) - Constructor for class org.apache.mahout.math.stats.Sampler
 
sampleTerm(Vector) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
sampleTerm(int) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
SamplingCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
Returns all items that have not been rated by the user (3) and that were preferred by another user (2) that has preferred at least one item (1) that the current user has preferred too.
SamplingCandidateItemsStrategy(int, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
Defaults to using no limit (SamplingCandidateItemsStrategy.NO_LIMIT_FACTOR) for all factors, except candidatesPerUserFactor which defaults to SamplingCandidateItemsStrategy.DEFAULT_FACTOR.
SamplingCandidateItemsStrategy(int, int, int, int, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
 
SamplingIterable<T> - Class in org.apache.mahout.common.iterator
Wraps an Iterable whose Iterable.iterator() returns only some subset of the elements that it would, as determined by a iterator rate parameter.
SamplingIterable(Iterable<? extends T>, double) - Constructor for class org.apache.mahout.common.iterator.SamplingIterable
 
SamplingIterator<T> - Class in org.apache.mahout.common.iterator
Wraps an Iterator and returns only some subset of the elements that it would, as determined by a iterator rate parameter.
SamplingIterator(Iterator<? extends T>, double) - Constructor for class org.apache.mahout.common.iterator.SamplingIterator
 
SamplingIterator(RandomWrapper, Iterator<? extends T>, double) - Constructor for class org.apache.mahout.common.iterator.SamplingIterator
 
SamplingLongPrimitiveIterator - Class in org.apache.mahout.cf.taste.impl.common
Wraps a LongPrimitiveIterator and returns only some subset of the elements that it would, as determined by a sampling rate parameter.
SamplingLongPrimitiveIterator(LongPrimitiveIterator, double) - Constructor for class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
SamplingLongPrimitiveIterator(RandomWrapper, LongPrimitiveIterator, double) - Constructor for class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
save(Writable, Vector, Path, Configuration, boolean, boolean) - Static method in class org.apache.mahout.clustering.spectral.VectorCache
 
save(Writable, Vector, Path, Configuration) - Static method in class org.apache.mahout.clustering.spectral.VectorCache
Calls the save() method, setting the cache to overwrite any previous Path and to delete the path after exiting
saveVector(Vector, Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDHelper
save single vector into hdfs file.
sb - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
scale(VectorWritable) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
 
search(Vector, int) - Method in class org.apache.mahout.math.neighborhood.BruteSearch
Scans the list of reference vectors one at a time for @limit neighbors of the query vector.
search(Iterable<WeightedVector>, int, int) - Method in class org.apache.mahout.math.neighborhood.BruteSearch
Searches with a list full of queries in a threaded fashion.
search(Vector, int) - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
When querying the Searcher for the closest vectors, a list of WeightedThings is returned.
search(Vector, int) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
search(Vector, int) - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
Searches for the query vector returning the closest limit referenceVectors.
search(Vector, int) - Method in class org.apache.mahout.math.neighborhood.Searcher
When querying the Searcher for the closest vectors, a list of WeightedThings is returned.
search(Iterable<? extends Vector>, int) - Method in class org.apache.mahout.math.neighborhood.Searcher
 
SEARCH_SIZE_OPTION - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
When using approximate searches (anything that's not BruteSearch), more than just the seemingly closest element must be considered.
Searcher - Class in org.apache.mahout.math.neighborhood
Describes how to search a bunch of vectors.
Searcher(DistanceMeasure) - Constructor for class org.apache.mahout.math.neighborhood.Searcher
 
SEARCHER_CLASS_OPTION - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The Searcher class when performing nearest neighbor search in StreamingKMeans.
searcherFromConfiguration(Configuration) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansUtilsMR
Instantiates a searcher from a given configuration.
searchFirst(Vector, boolean) - Method in class org.apache.mahout.math.neighborhood.BruteSearch
Returns the closest vector to the query.
searchFirst(Vector, boolean) - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
Returns the closest vector to the query.
searchFirst(Vector, boolean) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
Returns the closest vector to the query.
searchFirst(Vector, boolean) - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
Returns the closest vector to the query.
searchFirst(Vector, boolean) - Method in class org.apache.mahout.math.neighborhood.Searcher
Returns the closest vector to the query.
searchFirst(Iterable<? extends Vector>, boolean) - Method in class org.apache.mahout.math.neighborhood.Searcher
 
SEEDS - Static variable in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
SEEDS_PATH_KEY - Static variable in class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
select(Vector) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
select(Vector) - Method in class org.apache.mahout.clustering.iterator.CanopyClusteringPolicy
Deprecated.
 
select(Vector) - Method in interface org.apache.mahout.clustering.iterator.ClusteringPolicy
Return a vector of weights for each of the models given those probabilities
select(Vector) - Method in class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
SequenceFileDirIterable<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
SequenceFileDirIterable(Path, PathType, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterable
 
SequenceFileDirIterable(Path, PathType, PathFilter, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterable
 
SequenceFileDirIterable(Path, PathType, PathFilter, Comparator<FileStatus>, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterable
 
SequenceFileDirIterator<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
Like SequenceFileIterator, but iterates not just over one sequence file, but many.
SequenceFileDirIterator(Path[], boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterator
Multifile sequence file iterator where files are specified explicitly by path parameters.
SequenceFileDirIterator(Path, PathType, PathFilter, Comparator<FileStatus>, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirIterator
Constructor that uses either FileSystem.listStatus(Path) or FileSystem.globStatus(Path) to obtain list of files to iterate over (depending on pathType parameter).
SequenceFileDirValueIterable<V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
SequenceFileDirValueIterable(Path, PathType, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterable
 
SequenceFileDirValueIterable(Path, PathType, PathFilter, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterable
 
SequenceFileDirValueIterable(Path, PathType, PathFilter, Comparator<FileStatus>, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterable
 
SequenceFileDirValueIterator<V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
Like SequenceFileValueIterator, but iterates not just over one sequence file, but many.
SequenceFileDirValueIterator(Path, PathType, PathFilter, Comparator<FileStatus>, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterator
Constructor that uses either FileSystem.listStatus(Path) or FileSystem.globStatus(Path) to obtain list of files to iterate over (depending on pathType parameter).
SequenceFileDirValueIterator(Path[], Comparator<FileStatus>, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileDirValueIterator
Multifile sequence file iterator where files are specified explicitly by path parameters.
SequenceFileIterable<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
SequenceFileIterable(Path, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterable
Like SequenceFileIterable.SequenceFileIterable(Path, boolean, Configuration) but key and value instances are not reused by default.
SequenceFileIterable(Path, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterable
 
SequenceFileIterator<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
Iterator over a SequenceFile's keys and values, as a Pair containing key and value.
SequenceFileIterator(Path, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileIterator
 
SequenceFileTokenizerMapper - Class in org.apache.mahout.vectorizer.document
Tokenizes a text document and outputs tokens in a StringTuple
SequenceFileTokenizerMapper() - Constructor for class org.apache.mahout.vectorizer.document.SequenceFileTokenizerMapper
 
SequenceFileValueIterable<V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
SequenceFileValueIterable(Path, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterable
SequenceFileValueIterable(Path, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterable
 
SequenceFileValueIterator<V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.common.iterator.sequencefile
Iterator over a SequenceFile's values only.
SequenceFileValueIterator(Path, boolean, Configuration) - Constructor for class org.apache.mahout.common.iterator.sequencefile.SequenceFileValueIterator
 
SEQUENTIAL_ACCESS - Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
 
SEQUENTIAL_METHOD - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
SequentialBuilder - Class in org.apache.mahout.classifier.df.ref
Deprecated.
SequentialBuilder(Random, TreeBuilder, Data) - Constructor for class org.apache.mahout.classifier.df.ref.SequentialBuilder
Deprecated.
Constructor
SequentialOutOfCoreSvd - Class in org.apache.mahout.math.ssvd
Sequential block-oriented out of core SVD algorithm.
SequentialOutOfCoreSvd(Iterable<File>, File, int, int) - Constructor for class org.apache.mahout.math.ssvd.SequentialOutOfCoreSvd
 
serialize(Path, Configuration) - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
serializeOutput(LanczosState, Path) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
set(float, Vector) - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
set(Vector, List<Long>, List<Float>) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
set(long, float) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
set(long, float) - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
set(List<RecommendedItem>) - Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
set(int, Preference) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
set(int, Preference) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
set(int, Preference) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
set(int, Preference) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
set(int, Preference) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sets preference at i from information in the given Preference
set(long, double) - Method in class org.apache.mahout.cf.taste.similarity.precompute.SimilarItem
 
set(int, double) - Method in class org.apache.mahout.classifier.df.data.Instance
Deprecated.
Set the value at the given index
set(int, int) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
set(int, int) - Method in class org.apache.mahout.common.IntPairWritable
 
set(T) - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
set(T) - Method in interface org.apache.mahout.common.parameters.Parameter
 
set(String, String) - Method in class org.apache.mahout.common.Parameters
 
set(double) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.MutableElement
 
set(Gram, byte[]) - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
set the gram held by this key
setAbtBlockHeight(int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
the block height of Y_i during power iterations.
setAnalyzer(Analyzer) - Method in class org.apache.mahout.vectorizer.encoders.LuceneTextValueEncoder
 
setAnalyzerClassName(String) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setAucEvaluator(OnlineAuc) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setAucEvaluator(OnlineAuc) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
setAucEvaluator(OnlineAuc) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setAveragingWindow(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setBest(State<AdaptiveLogisticRegression.Wrapper, CrossFoldLearner>) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setBeta(int, int, double) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
setBlock(double[][]) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
 
setBroadcast(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
If this property is true, use DestributedCache mechanism to broadcast some stuff around.
setBuffer(List<AdaptiveLogisticRegression.TrainingExample>) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setCardinality(int) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setCenter(Vector) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setChunkSizeInMegabytes(int) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setClusteredPoints(Path) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessor
 
setCol(int) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
setCol(int) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
setComplemented(boolean) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
setComputeU(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
The setting controlling whether to compute U matrix of low rank SSVD.
setComputeV(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
Setting controlling whether to compute V matrix of low-rank SSVD.
setConf(Configuration) - Method in class org.apache.mahout.classifier.df.tools.Describe
 
setConf(Configuration) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
setConf(Configuration) - Method in class org.apache.mahout.common.AbstractJob
Overrides the base implementation to install the Oozie action configuration resource into the provided Configuration object; note that ToolRunner calls setConf on the Tool before it invokes run.
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
Deprecated.
 
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
Deprecated.
 
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver.DistributedConjugateGradientSolverJob
 
setConf(Configuration) - Method in class org.apache.mahout.math.hadoop.solver.DistributedConjugateGradientSolver
 
setConf(Configuration) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setConverged(boolean) - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
setCovarianceMatrix(Matrix) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
Computes the inverse covariance from the input covariance matrix given in input.
setcUHalfSigma(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
setCurrentlyIncludeKnownItems(boolean) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
setcUSigma(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
setcVHalfSigma(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
setcVSigma(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
setDictionary(Map<String, Double>) - Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
Sets the weighting dictionary to be used by this encoder.
setDistanceCutoff(double) - Method in class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
 
setEigensToVerify(VectorIterable) - Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
Deprecated.
 
setEncoderClass(String) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setEncoderName(String) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setEp(EvolutionaryProcess<AdaptiveLogisticRegression.Wrapper, CrossFoldLearner>) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setExponent(double) - Method in class org.apache.mahout.common.distance.MinkowskiDistanceMeasure
 
setFirst(int) - Method in class org.apache.mahout.common.IntPairWritable
 
setFreezeSurvivors(boolean) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setFrequency(int) - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
setGradient(Gradient) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
setId(int) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setId(int) - Method in class org.apache.mahout.ep.State
 
setIdName(String) - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
setIgSplit(IgSplit) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
setIndex(int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.MutableElement
 
setInstances(double[][]) - Method in class org.apache.mahout.classifier.RegressionResultAnalyzer
 
setInterval(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
How often should the evolutionary optimization of learning parameters occur?
setInterval(int, int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
Starts optimization using the shorter interval and progresses to the longer using the specified number of steps per decade.
setInverseCovarianceMatrix(Matrix) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
setItemID(long) - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
setItemID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
Sets item ID for preference at i.
setItemID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
setItemID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
Sets item ID for preference at i.
setItemID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
setItemID(int, long) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sets item ID for preference at i.
setIterationNumber(int) - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
setKey(int) - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
setLabel(String) - Method in class org.apache.mahout.classifier.ClassifierResult
 
setLabels(int[]) - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
setLogLikelihood(double) - Method in class org.apache.mahout.classifier.ClassifierResult
 
setLogLikelihood(double) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setLogNormalize(boolean) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setM(int) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
setM(int) - Method in class org.apache.mahout.classifier.df.builder.DefaultTreeBuilder
Deprecated.
 
setM(double) - Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
 
setMap(int, Mapping) - Method in class org.apache.mahout.ep.State
Defines the transformation for a parameter.
setMappings(State<AdaptiveLogisticRegression.Wrapper, CrossFoldLearner>) - Static method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
setMaps(Mapping[]) - Method in class org.apache.mahout.ep.State
 
setMaps(Iterable<Mapping>) - Method in class org.apache.mahout.ep.State
 
setMatrix(Matrix) - Method in class org.apache.mahout.classifier.ConfusionMatrix
 
setMaxBufferSize(int) - Method in class org.apache.mahout.classifier.evaluation.Auc
 
setMaxNGramSize(int) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setMaxPreference(float) - Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
Deprecated.
setMaxPreference(float) - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
setMaxPreference(float) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
 
setMeanVector(Vector) - Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
 
setMeasure(DistanceMeasure) - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
setMinLLRValue(float) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setMinPreference(float) - Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
Deprecated.
setMinPreference(float) - Method in class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator
 
setMinPreference(float) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
 
setMinSplitNum(int) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
setMinSplitSize(int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
Sometimes, if requested A blocks become larger than a split, we may need to use that to ensure at least k+p rows of A get into a split.
setMinSupport(int) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setMinVarianceProportion(double) - Method in class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
Deprecated.
 
setMissingValueWeight(double) - Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
Sets the weight that is to be used for values that do not appear in the dictionary.
setNamedVectors(boolean) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setNbTrees(Configuration, int) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Set the number of trees to grow for the map-reduce job
setNormPower(float) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setNumFeatures(int) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setNumObservations(long) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setNumReducers(int) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setOmni(double) - Method in class org.apache.mahout.ep.State
 
setOuterBlockHeight(int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
The height of outer blocks during Q'A multiplication.
setOutputDirName(String) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
Sets the Output directory name, will be creating in the working directory
setOutputTempPathString(String) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
setOverwrite(boolean) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
if true, driver to clean output folder first if exists.
setParameters(double[]) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setPayload(T) - Method in class org.apache.mahout.ep.State
 
setPcaMeanPath(Path) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
 
setPolicy(GlobalOnlineAuc.ReplacementPolicy) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
setPolicy(GlobalOnlineAuc.ReplacementPolicy) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
setPolicy(GlobalOnlineAuc.ReplacementPolicy) - Method in interface org.apache.mahout.math.stats.OnlineAuc
 
setPoolSize(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
Note that this method only updates the in-memory preference data that this FileDataModel maintains; it does not modify any data on disk.
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
Default implementation which just calls DataModel.setPreference(long, long, float).
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
setPreference(long, long, float) - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
setPreference(long, long, float) - Method in interface org.apache.mahout.cf.taste.model.DataModel
Sets a particular preference (item plus rating) for a user.
setPreference(long, long, float) - Method in interface org.apache.mahout.cf.taste.recommender.Recommender
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
setPreferenceInferrer(PreferenceInferrer) - Method in interface org.apache.mahout.cf.taste.similarity.UserSimilarity
Attaches a PreferenceInferrer to the UserSimilarity implementation.
setPrior(PriorFunction) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
setPrior(PriorFunction) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setProbabilityScore(boolean) - Method in class org.apache.mahout.classifier.evaluation.Auc
 
setProbes(int) - Method in class org.apache.mahout.vectorizer.encoders.CachingContinuousValueEncoder
 
setProbes(int) - Method in class org.apache.mahout.vectorizer.encoders.CachingStaticWordValueEncoder
 
setProbes(int) - Method in class org.apache.mahout.vectorizer.encoders.CachingValueEncoder
Sets the number of locations in the feature vector that a value should be in.
setProbes(int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
Sets the number of locations in the feature vector that a value should be in.
setProperties(Map<Text, Text>) - Method in class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
setQ(int) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
sets q, amount of additional power iterations to increase precision (0..2!).
setRadius(Vector) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setRaiseHashLimitStrategy(double) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
setRecord(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setRecord(int) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setRow(int) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
setRow(int) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
setS0(double) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setS1(Vector) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setS2(Vector) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setS3SafeCombinedInputPath(Job, Path, Path, Path) - Static method in class org.apache.mahout.common.AbstractJob
necessary to make this job (having a combined input path) work on Amazon S3, hopefully this is obsolete when MultipleInputs is available again
setScore(double) - Method in class org.apache.mahout.classifier.ClassifierResult
 
setSearchSize(int) - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
setSecond(int) - Method in class org.apache.mahout.common.IntPairWritable
 
setSeed(State<AdaptiveLogisticRegression.Wrapper, CrossFoldLearner>) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setSequentialAccess(boolean) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setSerializations(Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
setStep(double[]) - Method in class org.apache.mahout.ep.State
 
setStringValue(String) - Method in class org.apache.mahout.common.parameters.ClassParameter
 
setStringValue(String) - Method in class org.apache.mahout.common.parameters.DoubleParameter
 
setStringValue(String) - Method in interface org.apache.mahout.common.parameters.Parameter
 
setStringValue(String) - Method in class org.apache.mahout.common.parameters.PathParameter
 
setSum(double) - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
setSumOfSquares(double) - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
setT3(double) - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
setT4(double) - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
 
setTaskItemOrdinal(long) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
setTempPrefs(PreferenceArray, long) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
Sets temporary preferences for a given anonymous user.
setTempPrefs(PreferenceArray) - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
setTfDirName(String) - Method in class org.apache.mahout.vectorizer.VectorizerConfig
 
setThreadCount(int) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
setThreadCount(int) - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
setTotalCount(double) - Method in class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
setTotalObservations(long) - Method in class org.apache.mahout.clustering.AbstractCluster
 
setTraceDictionary(Map<String, Set<Integer>>) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
setType(String) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
setup(Mapper<LongWritable, Text, DoubleWritable, NullWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator.PredictRatingsMapper
 
setup(Mapper<IntWritable, VectorWritable, LongWritable, RecommendedItemsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.PredictionMapper
 
setup(Mapper.Context) - Method in class org.apache.mahout.cf.taste.hadoop.als.SolveExplicitFeedbackMapper
 
setup(Reducer<VarLongWritable, PrefAndSimilarityColumnWritable, VarLongWritable, RecommendedItemsWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.AggregateAndRecommendReducer
 
setup(Mapper<LongWritable, Text, VarIntWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexMapper
 
setup(Reducer<VarLongWritable, VarLongWritable, VarLongWritable, VectorWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer
 
setup(Mapper<VarLongWritable, VectorWritable, VarIntWritable, VectorOrPrefWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.item.UserVectorSplitterMapper
 
setup(Mapper<IntWritable, VectorWritable, EntityEntityWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsMapper
 
setup(Mapper<LongWritable, Text, VarLongWritable, VarLongWritable>.Context) - Method in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
 
setup(Mapper<LongWritable, Text, DoubleWritable, Text>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.Classifier.CMapper
Deprecated.
 
setup(Mapper<IntWritable, NullWritable, IntWritable, MapredOutput>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemMapper
Deprecated.
 
setup(Mapper<KEYIN, VALUEIN, KEYOUT, VALUEOUT>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
Deprecated.
 
setup(Mapper<LongWritable, Text, TreeID, MapredOutput>.Context) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
 
setup(Mapper<Text, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.test.BayesTestMapper
 
setup(Mapper<Text, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.IndexInstancesMapper
 
setup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.ThetaMapper
 
setup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.classifier.naivebayes.training.WeightsMapper
 
setup(Reducer<Text, VectorWritable, Text, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.canopy.CanopyReducer
Deprecated.
 
setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) - Method in class org.apache.mahout.clustering.classify.ClusterClassificationMapper
 
setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.iterator.CIMapper
 
setup(Reducer<IntWritable, ClusterWritable, IntWritable, ClusterWritable>.Context) - Method in class org.apache.mahout.clustering.iterator.CIReducer
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0Mapper
 
setup(Mapper<IntWritable, VectorWritable, DoubleWritable, DoubleWritable>.Context) - Method in class org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.spectral.VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper
 
setup(Mapper<Writable, VectorWritable, IntWritable, CentroidWritable>.Context) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansMapper
 
setup(Reducer<IntWritable, CentroidWritable, IntWritable, CentroidWritable>.Context) - Method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansReducer
 
setup(Mapper<IntWritable, WeightedVectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorMapper
 
setup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.clustering.topdown.postprocessor.ClusterOutputPostProcessorReducer
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.common.mapreduce.TransposeMapper
 
setup(Mapper<Writable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansMapper
 
setup(Reducer<NullWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob.MatrixColumnMeansReducer
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.CooccurrencesMapper
 
setup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeToTopKSimilaritiesReducer
 
setup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.MergeVectorsReducer
 
setup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.SimilarityReducer
 
setup(Mapper.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.UnsymmetrifyMapper
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.VectorNormMapper
 
setup(Mapper<WritableComparable<?>, VectorWritable, Text, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceInvertedMapper
 
setup(Mapper<WritableComparable<?>, VectorWritable, StringTuple, DoubleWritable>.Context) - Method in class org.apache.mahout.math.hadoop.similarity.VectorDistanceMapper
 
setup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, DenseBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 
setup(Reducer<SplitPartitionedWritable, DenseBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
setup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.ABtMapper
 
setup(Reducer<SplitPartitionedWritable, SparseRowBlockWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
setup(Mapper<Writable, VectorWritable, LongWritable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.BtMapper
 
setup(Reducer<Writable, SparseRowBlockWritable, Writable, SparseRowBlockWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductCombiner
 
setup(Reducer<LongWritable, SparseRowBlockWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.BtJob.OuterProductReducer
 
setup(Mapper<Writable, VectorWritable, SplitPartitionedWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.QJob.QMapper
 
setup() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.QRFirstStep
 
setup(Mapper<Writable, VectorWritable, Writable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.UJob.UMapper
 
setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.VJob.VMapper
 
setup(Mapper<Writable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYMapper
 
setup(Reducer<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYReducer
 
setup(Mapper<T, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
 
setup(Reducer<NullWritable, VectorWritable, NullWritable, VectorWritable>.Context) - Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.VectorSummingReducer
 
setup(Mapper<Text, StringTuple, GramKey, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocMapper
 
setup(Reducer<GramKey, Gram, Gram, Gram>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
 
setup(Reducer<Gram, Gram, Text, DoubleWritable>.Context) - Method in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
 
setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
 
setup(Mapper<Text, Text, Text, StringTuple>.Context) - Method in class org.apache.mahout.vectorizer.document.SequenceFileTokenizerMapper
 
setup(Mapper<Text, Text, Text, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.EncodingMapper
 
setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.pruner.PrunedPartialVectorMergeReducer
 
setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.pruner.WordsPrunerReducer
 
setup(Reducer<Text, LongWritable, Text, LongWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TermCountReducer
 
setup(Reducer<Text, StringTuple, Text, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
 
setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) - Method in class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
 
setupBlock(Reducer<SplitPartitionedWritable, DenseBlockWritable, SplitPartitionedWritable, VectorWritable>.Context, SplitPartitionedWritable) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
setupBlock(Reducer<SplitPartitionedWritable, SparseRowBlockWritable, SplitPartitionedWritable, VectorWritable>.Context, SplitPartitionedWritable) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
 
setUserID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
setUserID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
Sets user ID for preference at i.
setUserID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
setUserID(int, long) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
Sets user ID for preference at i.
setUserID(int, long) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sets user ID for preference at i.
setVal(double) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
setValue(int, float) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
setValue(float) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
setValue(int, float) - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
setValue(int, float) - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
setValue(float) - Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
setValue(int, float) - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
setValue(float) - Method in interface org.apache.mahout.cf.taste.model.Preference
Sets the strength of the preference for this item
setValue(int, float) - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sets preference value for preference at i.
setValue(ClusteringPolicy) - Method in class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
setValue(Cluster) - Method in class org.apache.mahout.clustering.iterator.ClusterWritable
 
setValue(double) - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
setValue(double) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
setValue(double) - Method in class org.apache.mahout.ep.State
 
setVector(Vector) - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
setVector(Vector) - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
setVerbose(boolean) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
setWeights(Vector) - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
setWindowSize(int) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
setWindowSize(int) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
setWindowSize(int) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
setWindowSize(int) - Method in interface org.apache.mahout.math.stats.OnlineAuc
 
setWordEncoder(FeatureVectorEncoder) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
 
SharingMapper<K1,V1,K2,V2,S> - Class in org.apache.mahout.cf.taste.hadoop.als
Mapper class to be used by MultithreadedSharingMapper.
SharingMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.SharingMapper
 
shouldRunNextPhase(Map<String, List<String>>, AtomicInteger) - Static method in class org.apache.mahout.common.AbstractJob
 
shuffle() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
shufflePreferences() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
SimilarItem - Class in org.apache.mahout.cf.taste.similarity.precompute
Modeling similarity towards another item
SimilarItem(long, double) - Constructor for class org.apache.mahout.cf.taste.similarity.precompute.SimilarItem
 
SimilarItems - Class in org.apache.mahout.cf.taste.similarity.precompute
Compact representation of all similar items for an item
SimilarItems(long, List<RecommendedItem>) - Constructor for class org.apache.mahout.cf.taste.similarity.precompute.SimilarItems
 
SimilarItemsWriter - Interface in org.apache.mahout.cf.taste.similarity.precompute
Used to persist the results of a batch item similarity computation conducted with a BatchItemSimilarities implementation
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CityBlockSimilarity
 
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CooccurrenceCountSimilarity
 
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CosineSimilarity
 
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.EuclideanDistanceSimilarity
 
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.LoglikelihoodSimilarity
 
similarity(double, double, double, int) - Method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.TanimotoCoefficientSimilarity
 
similarity(double, double, double, int) - Method in interface org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasure
 
SimilarityMatrixRowWrapperMapper - Class in org.apache.mahout.cf.taste.hadoop.item
maps a row of the similarity matrix to a VectorOrPrefWritable actually a column from that matrix has to be used but as the similarity matrix is symmetric, we can use a row instead of having to transpose it
SimilarityMatrixRowWrapperMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.SimilarityMatrixRowWrapperMapper
 
SimilarityReducer() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.SimilarityReducer
 
SimilarUser - Class in org.apache.mahout.cf.taste.impl.recommender
Simply encapsulates a user and a similarity value.
SimilarUser(long, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
 
SimpleTextEncodingVectorizer - Class in org.apache.mahout.vectorizer
Runs a Map/Reduce job that encodes FeatureVectorEncoder the input and writes it to the output as a sequence file.
SimpleTextEncodingVectorizer() - Constructor for class org.apache.mahout.vectorizer.SimpleTextEncodingVectorizer
 
SINGULAR_PREFIX - Static variable in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
size() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
size() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
size() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
size() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
size() - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
size() - Method in class org.apache.mahout.math.neighborhood.BruteSearch
 
size() - Method in class org.apache.mahout.math.neighborhood.FastProjectionSearch
Returns the number of WeightedVectors being searched for nearest neighbors.
size() - Method in class org.apache.mahout.math.neighborhood.LocalitySensitiveHashSearch
 
size() - Method in class org.apache.mahout.math.neighborhood.ProjectionSearch
Returns the number of scalarProjections that we can search
size() - Method in class org.apache.mahout.math.neighborhood.Searcher
Returns the number of WeightedVectors being searched for nearest neighbors.
size() - Method in class org.apache.mahout.vectorizer.encoders.Dictionary
 
skip(int) - Method in class org.apache.mahout.cf.taste.impl.common.jdbc.ResultSetIterator
 
skip(int) - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
skip(int) - Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
 
skip(int) - Method in interface org.apache.mahout.cf.taste.impl.common.SkippingIterator
Skip the next n elements supplied by this Iterator.
skip(int) - Method in class org.apache.mahout.common.iterator.FileLineIterator
 
SkippingIterator<V> - Interface in org.apache.mahout.cf.taste.impl.common
Adds ability to skip ahead in an iterator, perhaps more efficiently than by calling Iterator.next() repeatedly.
SoftCluster - Class in org.apache.mahout.clustering.fuzzykmeans
 
SoftCluster() - Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
 
SoftCluster(Vector, int, DistanceMeasure) - Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
Construct a new SoftCluster with the given point as its center
softLimit(double, double, double) - Static method in class org.apache.mahout.ep.Mapping
Maps input to the open interval (min, max) with 0 going to the mean of min and max.
softLimit(double, double) - Static method in class org.apache.mahout.ep.Mapping
Maps input to the open interval (min, max) with 0 going to the mean of min and max.
SoftLimit() - Constructor for class org.apache.mahout.ep.Mapping.SoftLimit
 
solve(Matrix) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
SolveExplicitFeedbackMapper - Class in org.apache.mahout.cf.taste.hadoop.als
Solving mapper that can be safely executed using multiple threads
SolveExplicitFeedbackMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.SolveExplicitFeedbackMapper
 
SolveImplicitFeedbackMapper - Class in org.apache.mahout.cf.taste.hadoop.als
Solving mapper that can be safely executed using multiple threads
SolveImplicitFeedbackMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.SolveImplicitFeedbackMapper
 
sortByItem() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
sortByItem() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
sortByItem() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
sortByItem() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
sortByItem() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sorts underlying array by item ID, ascending.
sortByUser() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
sortByUser() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
sortByUser() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
sortByUser() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
sortByUser() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sorts underlying array by user ID, ascending.
sortByValue() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
sortByValue() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
sortByValue() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
sortByValue() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
sortByValue() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sorts underlying array by preference value, ascending.
sortByValueReversed() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
sortByValueReversed() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
sortByValueReversed() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
sortByValueReversed() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
sortByValueReversed() - Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
Sorts underlying array by preference value, descending.
sortSplits(InputSplit[]) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
Deprecated.
sort the splits into order based on size, so that the biggest go first.
This is the same code used by Hadoop's JobClient.
sparseItemRatingVector(PreferenceArray) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
SparseRowBlockAccumulator - Class in org.apache.mahout.math.hadoop.stochasticsvd
Aggregate incoming rows into blocks based on the row number (long).
SparseRowBlockAccumulator(int, OutputCollector<LongWritable, SparseRowBlockWritable>) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockAccumulator
 
SparseRowBlockWritable - Class in org.apache.mahout.math.hadoop.stochasticsvd
block that supports accumulating rows and their sums , suitable for combiner and reducers of multiplication jobs.
SparseRowBlockWritable() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
SparseRowBlockWritable(int) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
sparseUserRatingVector(PreferenceArray) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
SparseVectorsFromSequenceFiles - Class in org.apache.mahout.vectorizer
Converts a given set of sequence files into SparseVectors
SparseVectorsFromSequenceFiles() - Constructor for class org.apache.mahout.vectorizer.SparseVectorsFromSequenceFiles
 
sparsity(double) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Chainable configuration option.
sparsityLearningRate(double) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Chainable configuration option.
SpearmanCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
Like PearsonCorrelationSimilarity, but compares relative ranking of preference values instead of preference values themselves.
SpearmanCorrelationSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
 
SpectralKMeansDriver - Class in org.apache.mahout.clustering.spectral.kmeans
Performs spectral k-means clustering on the top k eigenvectors of the input affinity matrix.
SpectralKMeansDriver() - Constructor for class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
 
Split - Class in org.apache.mahout.classifier.df.split
Deprecated.
Split(int, double, double) - Constructor for class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
Split(int, double) - Constructor for class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
SplitGroupingComparator() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable.SplitGroupingComparator
 
SplitPartitionedWritable - Class in org.apache.mahout.math.hadoop.stochasticsvd
a key for vectors allowing to identify them by their coordinates in original split of A.
SplitPartitionedWritable(Mapper<?, ?, ?, ?>.Context) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
SplitPartitionedWritable() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
SplitPartitionedWritable.SplitGroupingComparator - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
splitPrefTokens(CharSequence) - Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
Splits a preference data line into string tokens
splitTrainTest(List<? extends WeightedVector>) - Method in class org.apache.mahout.clustering.streaming.cluster.BallKMeans
 
sq - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 
SquaredEuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
Like EuclideanDistanceMeasure but it does not take the square root.
SquaredEuclideanDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
 
SSVDCli - Class in org.apache.mahout.math.hadoop.stochasticsvd
Mahout CLI adapter for SSVDSolver
SSVDCli() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SSVDCli
 
SSVDHelper - Class in org.apache.mahout.math.hadoop.stochasticsvd
set of small file manipulation helpers.
SSVDSolver - Class in org.apache.mahout.math.hadoop.stochasticsvd
Stochastic SVD solver (API class).
SSVDSolver(Configuration, Path[], Path, int, int, int, int) - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.SSVDSolver
create new SSVD solver.
StableFixedSizeSamplingIterator<T> - Class in org.apache.mahout.common.iterator
Sample a fixed number of elements from an Iterator.
StableFixedSizeSamplingIterator(int, Iterator<T>) - Constructor for class org.apache.mahout.common.iterator.StableFixedSizeSamplingIterator
 
stage() - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer.PreferenceShuffler
 
StandardDeviationCalculatorMapper - Class in org.apache.mahout.math.hadoop.stats
 
StandardDeviationCalculatorMapper() - Constructor for class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorMapper
 
StandardDeviationCalculatorReducer - Class in org.apache.mahout.math.hadoop.stats
 
StandardDeviationCalculatorReducer() - Constructor for class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorReducer
 
StandardNaiveBayesClassifier - Class in org.apache.mahout.classifier.naivebayes
Implementation of the Naive Bayes Classifier Algorithm
StandardNaiveBayesClassifier(NaiveBayesModel) - Constructor for class org.apache.mahout.classifier.naivebayes.StandardNaiveBayesClassifier
 
start() - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
startMemoryLogger(long) - Static method in class org.apache.mahout.common.MemoryUtil
Constructs and starts a memory logger thread.
startMemoryLogger() - Static method in class org.apache.mahout.common.MemoryUtil
Constructs and starts a memory logger thread with a logging rate of 1000 milliseconds.
startTime - Variable in class org.apache.mahout.common.TimingStatistics.Call
 
State<T extends Payload<U>,U> - Class in org.apache.mahout.ep
Records evolutionary state and provides a mutation operation for recorded-step meta-mutation.
State() - Constructor for class org.apache.mahout.ep.State
 
State(double[], double) - Constructor for class org.apache.mahout.ep.State
Invent a new state with no momentum (yet).
StaticWordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Encodes a categorical values with an unbounded vocabulary.
StaticWordValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
 
STD_CALC_DIR - Static variable in class org.apache.mahout.vectorizer.HighDFWordsPruner
 
stdDev(Path, Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stats.BasicStats
Calculate the standard deviation
stdDevForGivenMean(Path, Path, double, Configuration) - Static method in class org.apache.mahout.math.hadoop.stats.BasicStats
Calculate the standard deviation given a predefined mean
step - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
Step1Mapper - Class in org.apache.mahout.classifier.df.mapreduce.partial
Deprecated.
Step1Mapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
Deprecated.
 
stepOffset(int) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
stepOffset(int) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
stepSize(int, double) - Static method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
stop() - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
stop() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
stopMemoryLogger() - Static method in class org.apache.mahout.common.MemoryUtil
Stops the memory logger, if any, started via MemoryUtil.startMemoryLogger(long) or MemoryUtil.startMemoryLogger().
storeMapping(long, String) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
storeMapping(long, String) - Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
 
storeMapping(long, String) - Method in interface org.apache.mahout.cf.taste.model.UpdatableIDMigrator
Stores the reverse long-to-String mapping in some kind of backing store.
storeString(Configuration, Path, String) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Write a string to a path.
storeWritable(Configuration, Path, Writable) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
 
StreamingKMeans - Class in org.apache.mahout.clustering.streaming.cluster
Implements a streaming k-means algorithm for weighted vectors.
StreamingKMeans(UpdatableSearcher, int) - Constructor for class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Calls StreamingKMeans(searcher, numClusters, 1.3, 10, 2).
StreamingKMeans(UpdatableSearcher, int, double) - Constructor for class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Calls StreamingKMeans(searcher, numClusters, distanceCutoff, 1.3, 10, 2).
StreamingKMeans(UpdatableSearcher, int, double, double, double, double) - Constructor for class org.apache.mahout.clustering.streaming.cluster.StreamingKMeans
Creates a new StreamingKMeans class given a searcher and the number of clusters to generate.
StreamingKMeansDriver - Class in org.apache.mahout.clustering.streaming.mapreduce
Classifies the vectors into different clusters found by the clustering algorithm.
StreamingKMeansMapper - Class in org.apache.mahout.clustering.streaming.mapreduce
 
StreamingKMeansMapper() - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansMapper
 
StreamingKMeansReducer - Class in org.apache.mahout.clustering.streaming.mapreduce
 
StreamingKMeansReducer() - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansReducer
 
StreamingKMeansThread - Class in org.apache.mahout.clustering.streaming.mapreduce
 
StreamingKMeansThread(Path, Configuration) - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansThread
 
StreamingKMeansThread(Iterable<Centroid>, Configuration) - Constructor for class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansThread
 
StreamingKMeansUtilsMR - Class in org.apache.mahout.clustering.streaming.mapreduce
 
stringAt(int) - Method in class org.apache.mahout.common.StringTuple
Fetches the string at the given location
StringRecordIterator - Class in org.apache.mahout.common.iterator
 
StringRecordIterator(Iterable<String>, String) - Constructor for class org.apache.mahout.common.iterator.StringRecordIterator
 
StringTuple - Class in org.apache.mahout.common
An Ordered List of Strings which can be used in a Hadoop Map/Reduce Job
StringTuple() - Constructor for class org.apache.mahout.common.StringTuple
 
StringTuple(String) - Constructor for class org.apache.mahout.common.StringTuple
 
StringTuple(Iterable<String>) - Constructor for class org.apache.mahout.common.StringTuple
 
StringTuple(String[]) - Constructor for class org.apache.mahout.common.StringTuple
 
StringUtils - Class in org.apache.mahout.common
Offers two methods to convert an object to a string representation and restore the object given its string representation.
SUBGRAM_OUTPUT_DIRECTORY - Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
 
subset(Condition) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
 
sum(int[]) - Static method in class org.apache.mahout.classifier.df.data.DataUtils
Deprecated.
Computes the sum of the values
sum(Iterator<VectorWritable>) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
SUM - Static variable in class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorMapper
 
SUM_OF_SQUARES - Static variable in class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorMapper
 
summarizeClusterDistances(Iterable<? extends Vector>, Iterable<? extends Vector>, DistanceMeasure) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Computes the summaries for the distances in each cluster.
summary(int) - Method in class org.apache.mahout.classifier.sgd.ModelDissector
Returns the n most important features with their weights, most important category and the top few categories that they affect.
SUMMED_OBSERVATIONS - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
SumObservationsReducer() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.SumObservationsReducer
 
SVDPlusPlusFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
SVD++, an enhancement of classical matrix factorization for rating prediction.
SVDPlusPlusFactorizer(DataModel, int, int) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDPlusPlusFactorizer
 
SVDPlusPlusFactorizer(DataModel, int, double, double, double, int, double) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDPlusPlusFactorizer
 
SVDRecommender - Class in org.apache.mahout.cf.taste.impl.recommender.svd
A Recommender that uses matrix factorization (a projection of users and items onto a feature space)
SVDRecommender(DataModel, Factorizer) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
 
SVDRecommender(DataModel, Factorizer, CandidateItemsStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
 
SVDRecommender(DataModel, Factorizer, PersistenceStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
Create an SVDRecommender using a persistent store to cache factorizations.
SVDRecommender(DataModel, Factorizer, CandidateItemsStrategy, PersistenceStrategy) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
Create an SVDRecommender using a persistent store to cache factorizations.
swap() - Method in class org.apache.mahout.common.LongPair
 
swap() - Method in class org.apache.mahout.common.Pair
 

T

T1_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
T1_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
t1Option() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of T1.
T2_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
T2_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
t2Option() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of T2.
T3_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
T3_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
t3Option() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of T3 (Reducer T1).
T4_KEY - Static variable in class org.apache.mahout.clustering.canopy.CanopyConfigKeys
Deprecated.
 
T4_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
t4Option() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specification of T4 (Reducer T2).
takeAvailableUser() - Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousConcurrentUserDataModel
Take the next available concurrent anonymous users from the pool.
TanimotoCoefficientSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
An implementation of a "similarity" based on the Tanimoto coefficient, or extended Jaccard coefficient.
TanimotoCoefficientSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
TanimotoCoefficientSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
TanimotoCoefficientSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.TanimotoCoefficientSimilarity
 
TanimotoDistanceMeasure - Class in org.apache.mahout.common.distance
Tanimoto coefficient implementation.
TanimotoDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.TanimotoDistanceMeasure
 
TasteException - Exception in org.apache.mahout.cf.taste.common
An exception thrown when an error occurs inside the Taste engine.
TasteException() - Constructor for exception org.apache.mahout.cf.taste.common.TasteException
 
TasteException(String) - Constructor for exception org.apache.mahout.cf.taste.common.TasteException
 
TasteException(Throwable) - Constructor for exception org.apache.mahout.cf.taste.common.TasteException
 
TasteException(String, Throwable) - Constructor for exception org.apache.mahout.cf.taste.common.TasteException
 
TasteHadoopUtils - Class in org.apache.mahout.cf.taste.hadoop
Some helper methods for the hadoop-related stuff in org.apache.mahout.cf.taste
TEMP_USER_ID - Static variable in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
 
tempPath - Variable in class org.apache.mahout.common.AbstractJob
temp path, populated by AbstractJob.parseArguments(String[])
TERM_TOPIC_SMOOTHING - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
TermCountCombiner - Class in org.apache.mahout.vectorizer.term
 
TermCountCombiner() - Constructor for class org.apache.mahout.vectorizer.term.TermCountCombiner
 
TermCountMapper - Class in org.apache.mahout.vectorizer.term
TextVectorizer Term Count Mapper.
TermCountMapper() - Constructor for class org.apache.mahout.vectorizer.term.TermCountMapper
 
TermCountReducer - Class in org.apache.mahout.vectorizer.term
This accumulates all the words and the weights and sums them up.
TermCountReducer() - Constructor for class org.apache.mahout.vectorizer.term.TermCountReducer
 
TermDocumentCountMapper - Class in org.apache.mahout.vectorizer.term
TextVectorizer Document Frequency Count Mapper.
TermDocumentCountMapper() - Constructor for class org.apache.mahout.vectorizer.term.TermDocumentCountMapper
 
TermDocumentCountReducer - Class in org.apache.mahout.vectorizer.term
Can also be used as a local Combiner.
TermDocumentCountReducer() - Constructor for class org.apache.mahout.vectorizer.term.TermDocumentCountReducer
 
TEST_PROBABILITY - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The percentage of points that go into the "test" set when evaluating BallKMeans runs in the reducer.
TEST_SET_FRACTION - Static variable in class org.apache.mahout.clustering.lda.cvb.CVB0Driver
 
TestNaiveBayesDriver - Class in org.apache.mahout.classifier.naivebayes.test
Test the (Complementary) Naive Bayes model that was built during training by running the iterating the test set and comparing it to the model
TestNaiveBayesDriver() - Constructor for class org.apache.mahout.classifier.naivebayes.test.TestNaiveBayesDriver
 
TextValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Encodes text that is tokenized on non-alphanum separators.
TextValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.TextValueEncoder
 
TF - Class in org.apache.mahout.vectorizer
Weight based on term frequency only
TF() - Constructor for class org.apache.mahout.vectorizer.TF
 
TFIDF - Class in org.apache.mahout.vectorizer
 
TFIDF() - Constructor for class org.apache.mahout.vectorizer.TFIDF
 
TFIDFConverter - Class in org.apache.mahout.vectorizer.tfidf
This class converts a set of input vectors with term frequencies to TfIdf vectors.
TFIDFPartialVectorReducer - Class in org.apache.mahout.vectorizer.tfidf
Converts a document into a sparse vector
TFIDFPartialVectorReducer() - Constructor for class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
 
TFPartialVectorReducer - Class in org.apache.mahout.vectorizer.term
Converts a document in to a sparse vector
TFPartialVectorReducer() - Constructor for class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
 
ThetaMapper - Class in org.apache.mahout.classifier.naivebayes.training
 
ThetaMapper() - Constructor for class org.apache.mahout.classifier.naivebayes.training.ThetaMapper
 
thetaNormalizer(int) - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
THETAS - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
THRESHOLD_OPTION - Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
thresholdOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for specifying the clustering threshold value.
ThresholdUserNeighborhood - Class in org.apache.mahout.cf.taste.impl.neighborhood
Computes a neigbhorhood consisting of all users whose similarity to the given user meets or exceeds a certain threshold.
ThresholdUserNeighborhood(double, UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
 
ThresholdUserNeighborhood(double, UserSimilarity, DataModel, double) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
 
times(DistributedRowMatrix) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
This implements matrix this.transpose().times(other)
times(DistributedRowMatrix, Path) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
This implements matrix this.transpose().times(other)
times(Vector) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
TimesMapper() - Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesMapper
 
timesSquared(Vector) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
TimesSquaredJob - Class in org.apache.mahout.math.hadoop
 
TimesSquaredJob.TimesMapper - Class in org.apache.mahout.math.hadoop
 
TimesSquaredJob.TimesSquaredMapper<T extends org.apache.hadoop.io.WritableComparable> - Class in org.apache.mahout.math.hadoop
 
TimesSquaredJob.VectorSummingReducer - Class in org.apache.mahout.math.hadoop
 
TimesSquaredMapper() - Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
 
TimingStatistics - Class in org.apache.mahout.common
 
TimingStatistics() - Constructor for class org.apache.mahout.common.TimingStatistics
Creates a new instance of CallStats
TimingStatistics(int, long, long, long, double) - Constructor for class org.apache.mahout.common.TimingStatistics
 
TimingStatistics.Call - Class in org.apache.mahout.common
A call object that can update performance metrics.
TimingStatistics.LeadTimeCall - Class in org.apache.mahout.common
Ignores counting the performance metrics.
toArray() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
toArray(VectorWritable) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
toDataMap(DataModel) - Static method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
Exports the simple user IDs and associated item IDs in the data model.
toDataMap(FastByIDMap<PreferenceArray>) - Static method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
toDataMap(FastByIDMap<Collection<Preference>>, boolean) - Static method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
Swaps, in-place, Lists for arrays in Map values .
toDataMap(DataModel) - Static method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
Exports the simple user IDs and preferences in the data model.
ToEntityPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
 
ToItemPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
Input
ToItemPrefsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.ToItemPrefsMapper
 
ToItemVectorsMapper - Class in org.apache.mahout.cf.taste.hadoop.preparation
 
ToItemVectorsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.preparation.ToItemVectorsMapper
 
ToItemVectorsReducer - Class in org.apache.mahout.cf.taste.hadoop.preparation
 
ToItemVectorsReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.preparation.ToItemVectorsReducer
 
toJSON() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Serialize this instance to JSON
tokenize(CharSequence) - Method in class org.apache.mahout.vectorizer.encoders.LuceneTextValueEncoder
Tokenizes a string using the simplest method.
tokenize(CharSequence) - Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
Tokenizes a string using the simplest method.
TOKENIZED_DOCUMENT_OUTPUT_FOLDER - Static variable in class org.apache.mahout.vectorizer.DocumentProcessor
 
tokenizeDocuments(Path, Class<? extends Analyzer>, Path, Configuration) - Static method in class org.apache.mahout.vectorizer.DocumentProcessor
Convert the input documents into token array using the StringTuple The input documents has to be in the SequenceFile format
TokenStreamIterator - Class in org.apache.mahout.common.lucene
Provide an Iterator for the tokens in a TokenStream.
TokenStreamIterator(TokenStream) - Constructor for class org.apache.mahout.common.lucene.TokenStreamIterator
 
toLongID(String) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractIDMigrator
 
toLongID(String) - Method in interface org.apache.mahout.cf.taste.model.IDMigrator
 
TOP_LEVEL_CLUSTER_DIRECTORY - Static variable in class org.apache.mahout.clustering.topdown.PathDirectory
 
TopElementsQueue - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
TopElementsQueue(int) - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.TopElementsQueue
 
TopicModel - Class in org.apache.mahout.clustering.lda.cvb
Thin wrapper around a Matrix of counts of occurrences of (topic, term) pairs.
TopicModel(int, int, double, double, String[], double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(Configuration, double, double, String[], int, double, Path...) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(int, int, double, double, String[], int, double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(int, int, double, double, Random, String[], int, double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(Matrix, Vector, double, double, String[], double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(Matrix, double, double, String[], int, double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopicModel(Matrix, Vector, double, double, String[], int, double) - Constructor for class org.apache.mahout.clustering.lda.cvb.TopicModel
 
topicSums() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
TopItems - Class in org.apache.mahout.cf.taste.impl.recommender
A simple class that refactors the "find top N things" logic that is used in several places.
TopItems.Estimator<T> - Interface in org.apache.mahout.cf.taste.impl.recommender
 
TopItemsQueue - Class in org.apache.mahout.cf.taste.hadoop
 
TopItemsQueue(int) - Constructor for class org.apache.mahout.cf.taste.hadoop.TopItemsQueue
 
topKElements(int, Vector) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
TopSimilarItemsQueue - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
 
TopSimilarItemsQueue(int) - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.TopSimilarItemsQueue
 
toRho(double, double) - Static method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.MutableRecommendedItem
 
toString() - Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.Cache
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverage
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverageAndStdDev
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
toString() - Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
toString() - Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
 
toString() - Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
 
toString() - Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
 
toString() - Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
 
toString() - Method in class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
 
toString() - Method in class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefItemBasedRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefUserBasedRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
 
toString() - Method in class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
toString() - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
toString() - Method in class org.apache.mahout.classifier.ClassifierResult
 
toString() - Method in class org.apache.mahout.classifier.ConfusionMatrix
This is overloaded.
toString() - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
 
toString() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
toString() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
toString() - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
toString() - Method in class org.apache.mahout.classifier.df.split.Split
Deprecated.
 
toString(DecisionForest, Dataset, String[]) - Static method in class org.apache.mahout.classifier.df.tools.ForestVisualizer
Deprecated.
 
toString(String, String, String[]) - Static method in class org.apache.mahout.classifier.df.tools.ForestVisualizer
Deprecated.
Decision Forest to String
toString(Node, Dataset, String[]) - Static method in class org.apache.mahout.classifier.df.tools.TreeVisualizer
Deprecated.
Decision tree to String
toString() - Method in class org.apache.mahout.classifier.RegressionResultAnalyzer
 
toString() - Method in class org.apache.mahout.classifier.ResultAnalyzer
 
toString() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
toString() - Method in class org.apache.mahout.clustering.canopy.Canopy
Deprecated.
 
toString() - Method in class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
toString() - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
toString() - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
toString() - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
toString() - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
toString() - Method in class org.apache.mahout.common.IntegerTuple
 
toString() - Method in class org.apache.mahout.common.IntPairWritable.Frequency
 
toString() - Method in class org.apache.mahout.common.IntPairWritable
 
toString() - Method in class org.apache.mahout.common.LongPair
 
toString() - Method in class org.apache.mahout.common.Pair
 
toString() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
toString() - Method in class org.apache.mahout.common.Parameters
 
toString() - Method in class org.apache.mahout.common.StringTuple
 
toString(Object) - Static method in class org.apache.mahout.common.StringUtils
Converts the object to a one-line string representation
toString() - Method in class org.apache.mahout.common.TimingStatistics
 
toString() - Method in class org.apache.mahout.ep.State
 
toString() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
toString() - Method in class org.apache.mahout.math.neighborhood.HashedVector
 
toString() - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
toString() - Method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
 
toString() - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
toStringID(long) - Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
 
toStringID(long) - Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
 
toStringID(long) - Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
 
toStringID(long) - Method in interface org.apache.mahout.cf.taste.model.IDMigrator
 
TOTAL_COUNT - Static variable in class org.apache.mahout.math.hadoop.stats.StandardDeviationCalculatorMapper
 
totalClusterCost(Iterable<? extends Vector>, Iterable<? extends Vector>) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Adds up the distances from each point to its closest cluster and returns the sum.
totalClusterCost(Iterable<? extends Vector>, Searcher) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Adds up the distances from each point to its closest cluster and returns the sum.
totalWeight(Iterable<? extends Vector>) - Static method in class org.apache.mahout.clustering.ClusteringUtils
Computes the total weight of the points in the given Vector iterable.
totalWeightSum() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
totalWeightSum() - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
ToUserVectorsReducer - Class in org.apache.mahout.cf.taste.hadoop.item
Input
ToUserVectorsReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer
 
ToUserVectorsReducer.Counters - Enum in org.apache.mahout.cf.taste.hadoop.item
 
ToVectorAndPrefReducer - Class in org.apache.mahout.cf.taste.hadoop.item
 
ToVectorAndPrefReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.ToVectorAndPrefReducer
 
TPrior - Class in org.apache.mahout.classifier.sgd
Provides a t-distribution as a prior.
TPrior(double) - Constructor for class org.apache.mahout.classifier.sgd.TPrior
 
trace(String, int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
trace(byte[], int) - Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
train(int, Vector) - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
train(int, Vector) - Method in interface org.apache.mahout.classifier.OnlineLearner
Updates the model using a particular target variable value and a feature vector.
train(long, String, int, Vector) - Method in interface org.apache.mahout.classifier.OnlineLearner
Updates the model using a particular target variable value and a feature vector.
train(long, int, Vector) - Method in interface org.apache.mahout.classifier.OnlineLearner
Updates the model using a particular target variable value and a feature vector.
train(long, String, int, Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
train(long, int, Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
train(int, Vector) - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
train(int, Vector) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
train(long, int, Vector) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
train(long, String, int, Vector) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
train(AdaptiveLogisticRegression.TrainingExample) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
train(int, Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
train(long, int, Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
train(long, String, int, Vector) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
train(long, String, int, Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
train(long, int, Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
train(int, Vector) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
train(long, String, int, Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
train(long, int, Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
train(int, Vector) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
train(int, Vector) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
train(int, Vector, double) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
Train the models given an additional weight.
train(long, String, int, Vector) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
train(long, int, Vector) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
train(VectorIterable, VectorIterable) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
train(VectorIterable, VectorIterable, int) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
train(Vector, Vector, boolean, int) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
trainBaumWelch(HmmModel, int[], double, int, boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
Iteratively train the parameters of the given initial model wrt the observed sequence using Baum-Welch training.
trainDocTopicModel(Vector, Vector, Matrix) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
trainDocuments() - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
trainDocuments(double) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
TrainingExample(long, String, int, Vector) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
TrainNaiveBayesJob - Class in org.apache.mahout.classifier.naivebayes.training
Trains a Naive Bayes Classifier (parameters for both Naive Bayes and Complementary Naive Bayes)
TrainNaiveBayesJob() - Constructor for class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
trainSupervised(int, int, int[], int[], double) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
Create an supervised initial estimate of an HMM Model based on a sequence of observed and hidden states.
trainSupervisedSequence(int, int, Collection<int[]>, Collection<int[]>, double) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
Create an supervised initial estimate of an HMM Model based on a number of sequences of observed and hidden states.
trainSync(Vector, Vector, boolean, int) - Method in class org.apache.mahout.clustering.lda.cvb.ModelTrainer
 
trainViterbi(HmmModel, int[], double, double, int, boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
Iteratively train the parameters of the given initial model wrt to the observed sequence using Viterbi training.
transpose() - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
 
TRANSPOSE_USER_ITEM - Static variable in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
 
TransposeJob - Class in org.apache.mahout.math.hadoop
Transpose a matrix
TransposeJob() - Constructor for class org.apache.mahout.math.hadoop.TransposeJob
 
TransposeMapper - Class in org.apache.mahout.common.mapreduce
 
TransposeMapper() - Constructor for class org.apache.mahout.common.mapreduce.TransposeMapper
 
TreeBuilder - Interface in org.apache.mahout.classifier.df.builder
Deprecated.
TreeID - Class in org.apache.mahout.classifier.df.mapreduce.partial
Deprecated.
TreeID() - Constructor for class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
TreeID(int, int) - Constructor for class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
treeId() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
Deprecated.
 
TreeVisualizer - Class in org.apache.mahout.classifier.df.tools
Deprecated.
TriangularKernelProfile - Class in org.apache.mahout.clustering.kernel
 
TriangularKernelProfile() - Constructor for class org.apache.mahout.clustering.kernel.TriangularKernelProfile
 
trim() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.qr.GivensThinSolver
 
TRIM_FRACTION - Static variable in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansDriver
The "ball" aspect of ball k-means means that only the closest points to the centroid will actually be used for updating.
truncateModel(HmmModel, double) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Method to reduce the size of an HMMmodel by converting the models DenseMatrix/DenseVectors to sparse implementations and setting every value < threshold to 0
type() - Method in class org.apache.mahout.common.parameters.AbstractParameter
 
type() - Method in interface org.apache.mahout.common.parameters.Parameter
 

U

UDistrib - Class in org.apache.mahout.classifier.df.tools
Deprecated.
UJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Computes U=Q*Uhat of SSVD (optionally adding x pow(Sigma, 0.5) )
UJob() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.UJob
 
UJob.UMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
UMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.UJob.UMapper
 
UncenteredCosineSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
An implementation of the cosine similarity.
UncenteredCosineSimilarity(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.UncenteredCosineSimilarity
 
UncenteredCosineSimilarity(DataModel, Weighting) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.UncenteredCosineSimilarity
 
UncommonDistributions - Class in org.apache.mahout.clustering
 
UniformPrior - Class in org.apache.mahout.classifier.sgd
A uniform prior.
UniformPrior() - Constructor for class org.apache.mahout.classifier.sgd.UniformPrior
 
UnitVectorizerJob - Class in org.apache.mahout.clustering.spectral
Given a DistributedRowMatrix, this job normalizes each row to unit vector length.
UnitVectorizerJob.UnitVectorizerMapper - Class in org.apache.mahout.clustering.spectral
 
UnitVectorizerMapper() - Constructor for class org.apache.mahout.clustering.spectral.UnitVectorizerJob.UnitVectorizerMapper
 
unseal() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
UnsymmetrifyMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.UnsymmetrifyMapper
 
UpdatableIDMigrator - Interface in org.apache.mahout.cf.taste.model
 
UpdatableSearcher - Class in org.apache.mahout.math.neighborhood
Describes how we search vectors.
UpdatableSearcher(DistanceMeasure) - Constructor for class org.apache.mahout.math.neighborhood.UpdatableSearcher
 
update(Preference, double) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
TODO: this is the vanilla sgd by Tacaks 2009, I speculate that using scaling technique proposed in: Towards Optimal One Pass Large Scale Learning with Averaged Stochastic Gradient Descent section 5, page 6 can be beneficial in term s of both speed and accuracy.
update(double[]) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
update(Vector, Map<String, Set<Integer>>, AbstractVectorClassifier) - Method in class org.apache.mahout.classifier.sgd.ModelDissector
Probes a model to determine the effect of a particular variable.
update(ClusterClassifier) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
update(ClusterClassifier) - Method in interface org.apache.mahout.clustering.iterator.ClusteringPolicy
Update the policy with the given classifier
update(Matrix) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
update(int, Vector) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
update(double[]) - Method in interface org.apache.mahout.ep.Payload
 
updateCentroids(Iterable<Canopy>) - Static method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
Iterate through the canopies, resetting their center to their centroids
updateCounts - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
updateHdfsState() - Method in class org.apache.mahout.math.hadoop.decomposer.HdfsBackedLanczosState
 
updateParameters(long, long, float, double) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
 
updateParameters(long, long, float, double) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDPlusPlusFactorizer
 
updatePerLabelThetaNormalizer(int, double) - Method in class org.apache.mahout.classifier.naivebayes.training.ComplementaryThetaTrainer
 
updateRanking(Vector, Collection<Integer>, int, Random) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
Updates using ranking loss.
updateSteps - Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
updateTopic(int, Vector) - Method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
USE_NAMED_VECTORS - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
USE_SEQUENTIAL - Static variable in class org.apache.mahout.vectorizer.EncodingMapper
 
USER_BIAS_INDEX - Static variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
place in user vector where the bias is stored
USER_ID_POS - Static variable in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
 
USER_VECTORS - Static variable in class org.apache.mahout.cf.taste.hadoop.preparation.PreparePreferenceMatrixJob
 
UserBasedRecommender - Interface in org.apache.mahout.cf.taste.recommender
Interface implemented by "user-based" recommenders.
userFeaturesMapping(LongPrimitiveIterator, int, double[][]) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ALSWRFactorizer
 
userIndex(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.AbstractFactorizer
 
userIndex(long) - Method in class org.apache.mahout.cf.taste.impl.recommender.svd.Factorization
 
UserNeighborhood - Interface in org.apache.mahout.cf.taste.neighborhood
Implementations of this interface compute a "neighborhood" of users like a given user.
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
 
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.CityBlockSimilarity
 
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
 
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
 
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
 
userSimilarity(long, long) - Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
 
UserSimilarity - Interface in org.apache.mahout.cf.taste.similarity
Implementations of this interface define a notion of similarity between two users.
userSimilarity(long, long) - Method in interface org.apache.mahout.cf.taste.similarity.UserSimilarity
Returns the degree of similarity, of two users, based on the their preferences.
UserUserSimilarity(long, long, double) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
 
userVectors - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.ParallelSGDFactorizer
user features
userVectors - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
User features
UserVectorSplitterMapper - Class in org.apache.mahout.cf.taste.hadoop.item
 
UserVectorSplitterMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.UserVectorSplitterMapper
 
useSetRandomSeedOption() - Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
 
usesFirstLineAsSchema() - Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
 
usesFirstLineAsSchema() - Method in interface org.apache.mahout.classifier.sgd.RecordFactory
 
useT3T4() - Method in class org.apache.mahout.clustering.canopy.CanopyClusterer
Deprecated.
Used by CanopyReducer to set t1=t3 and t2=t4 configuration values

V

validate() - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
validate(HmmModel) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
Validates an HMM model set
validModel() - Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
 
validModel() - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
value() - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
valueOf(String) - Static method in enum org.apache.mahout.cf.taste.common.Weighting
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer.Counters
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
Returns the enum constant of this type with the specified name.
valueOf(int, String) - Method in class org.apache.mahout.classifier.df.data.Dataset
Deprecated.
Converts a token to its corresponding integer code for a given attribute
valueOf(String) - Static method in enum org.apache.mahout.classifier.df.node.Node.Type
Deprecated.
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper.Counters
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.common.iterator.sequencefile.PathType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasures
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocMapper.Count
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocReducer.Skipped
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.mahout.vectorizer.collocations.llr.LLRReducer.Skipped
Returns the enum constant of this type with the specified name.
values() - Static method in enum org.apache.mahout.cf.taste.common.Weighting
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.cf.taste.hadoop.item.ToUserVectorsReducer.Counters
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
 
values() - Method in class org.apache.mahout.cf.taste.impl.common.FastMap
 
values(int) - Method in class org.apache.mahout.classifier.df.data.Data
Deprecated.
finds all distinct values of a given attribute
values() - Static method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
Deprecated.
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.classifier.df.node.Node.Type
Deprecated.
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.clustering.lda.cvb.CachingCVB0PerplexityMapper.Counters
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.common.iterator.sequencefile.PathType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.VectorSimilarityMeasures
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocMapper.Count
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocReducer.Skipped
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.mahout.vectorizer.collocations.llr.LLRReducer.Skipped
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Method in class org.apache.mahout.vectorizer.encoders.Dictionary
 
variance(Path, Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.stats.BasicStats
Calculate the variance of values stored as
varianceForGivenMean(Path, Path, double, Configuration) - Static method in class org.apache.mahout.math.hadoop.stats.BasicStats
Calculate the variance by a predefined mean of values stored as
VarianceTotals - Class in org.apache.mahout.math.hadoop.stats
Holds the total values needed to compute mean and standard deviation Provides methods for their computation
VarianceTotals() - Constructor for class org.apache.mahout.math.hadoop.stats.VarianceTotals
 
VECTOR_CLASS - Static variable in class org.apache.mahout.math.hadoop.MatrixColumnMeansJob
 
VECTOR_COUNT - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
VectorAndPrefsWritable - Class in org.apache.mahout.cf.taste.hadoop.item
 
VectorAndPrefsWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
VectorAndPrefsWritable(Vector, List<Long>, List<Float>) - Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
VectorCache - Class in org.apache.mahout.clustering.spectral
This class handles reading and writing vectors to the Hadoop distributed cache.
VectorDistanceInvertedMapper - Class in org.apache.mahout.math.hadoop.similarity
Similar to VectorDistanceMapper, except it outputs <input, Vector>, where the vector is a dense vector contain one entry for every seed vector
VectorDistanceInvertedMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.VectorDistanceInvertedMapper
 
VectorDistanceMapper - Class in org.apache.mahout.math.hadoop.similarity
 
VectorDistanceMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.VectorDistanceMapper
 
VectorDistanceSimilarityJob - Class in org.apache.mahout.math.hadoop.similarity
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.
VectorDistanceSimilarityJob() - Constructor for class org.apache.mahout.math.hadoop.similarity.VectorDistanceSimilarityJob
 
Vectorizer - Interface in org.apache.mahout.vectorizer
 
VectorizerConfig - Class in org.apache.mahout.vectorizer
The config for a Vectorizer.
VectorizerConfig(Configuration, String, String, String, boolean, boolean, int) - Constructor for class org.apache.mahout.vectorizer.VectorizerConfig
 
VectorMatrixMultiplicationJob - Class in org.apache.mahout.clustering.spectral
This class handles the three-way multiplication of the digonal matrix and the Markov transition matrix inherent in the Eigencuts algorithm.
VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper - Class in org.apache.mahout.clustering.spectral
 
VectorMatrixMultiplicationMapper() - Constructor for class org.apache.mahout.clustering.spectral.VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper
 
VectorNormMapper() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.RowSimilarityJob.VectorNormMapper
 
VectorOrPrefWritable - Class in org.apache.mahout.cf.taste.hadoop.item
 
VectorOrPrefWritable() - Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
VectorOrPrefWritable(Vector) - Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
VectorOrPrefWritable(long, float) - Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
Vectors - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence
 
VectorSimilarityMeasure - Interface in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
VectorSimilarityMeasures - Enum in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
 
VectorSumCombiner - Class in org.apache.mahout.common.mapreduce
 
VectorSumCombiner() - Constructor for class org.apache.mahout.common.mapreduce.VectorSumCombiner
 
VectorSummingReducer() - Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.VectorSummingReducer
 
VectorSumReducer - Class in org.apache.mahout.common.mapreduce
 
VectorSumReducer() - Constructor for class org.apache.mahout.common.mapreduce.VectorSumReducer
 
vectorToSortedString(Vector, String[]) - Static method in class org.apache.mahout.clustering.lda.cvb.TopicModel
 
Version - Class in org.apache.mahout
 
version() - Static method in class org.apache.mahout.Version
 
versionFromResource() - Static method in class org.apache.mahout.Version
 
VertexWritable - Class in org.apache.mahout.clustering.spectral
Represents a vertex within the affinity graph for Eigencuts.
VertexWritable() - Constructor for class org.apache.mahout.clustering.spectral.VertexWritable
 
VertexWritable(int, int, double, String) - Constructor for class org.apache.mahout.clustering.spectral.VertexWritable
 
viterbiAlgorithm(HmmModel, int[], boolean) - Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmAlgorithms
Viterbi algorithm to compute the most likely hidden sequence for a given model and observed sequence
ViterbiEvaluator - Class in org.apache.mahout.classifier.sequencelearning.hmm
Command-line tool for Viterbi evaluating
VJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
VJob() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.VJob
 
VJob.VMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
VMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.VJob.VMapper
 

W

waitForCompletion() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.UJob
 
waitForCompletion() - Method in class org.apache.mahout.math.hadoop.stochasticsvd.VJob
 
weight(int, int) - Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
 
Weight(String, Vector) - Constructor for class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
Weight(String, Vector, int) - Constructor for class org.apache.mahout.classifier.sgd.ModelDissector.Weight
 
weight(byte[]) - Method in class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
 
weight(byte[]) - Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
 
weight(byte[]) - Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
 
Weight - Interface in org.apache.mahout.vectorizer
 
WeightedDistanceMeasure - Class in org.apache.mahout.common.distance
Abstract implementation of DistanceMeasure with support for weights.
WeightedDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.WeightedDistanceMeasure
 
WeightedEuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a Euclidean distance metric by summing the square root of the squared differences between each coordinate, optionally adding weights.
WeightedEuclideanDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.WeightedEuclideanDistanceMeasure
 
WeightedManhattanDistanceMeasure - Class in org.apache.mahout.common.distance
This class implements a "Manhattan distance" metric by summing the absolute values of the difference between each coordinate, optionally with weights.
WeightedManhattanDistanceMeasure() - Constructor for class org.apache.mahout.common.distance.WeightedManhattanDistanceMeasure
 
WeightedPropertyVectorWritable - Class in org.apache.mahout.clustering.classify
 
WeightedPropertyVectorWritable() - Constructor for class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
WeightedPropertyVectorWritable(Map<Text, Text>) - Constructor for class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
WeightedPropertyVectorWritable(double, Vector, Map<Text, Text>) - Constructor for class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
WeightedRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
 
WeightedRunningAverage() - Constructor for class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
 
WeightedRunningAverageAndStdDev - Class in org.apache.mahout.cf.taste.impl.common
This subclass also provides for a weighted estimate of the sample standard deviation.
WeightedRunningAverageAndStdDev() - Constructor for class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverageAndStdDev
 
WeightedVectorWritable - Class in org.apache.mahout.clustering.classify
 
WeightedVectorWritable() - Constructor for class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
WeightedVectorWritable(double, Vector) - Constructor for class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
Weighting - Enum in org.apache.mahout.cf.taste.common
A simple enum which gives symbolic names to the ideas of "weighted" and "unweighted", to make various API calls which take a weighting parameter more readable.
WEIGHTS - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
WEIGHTS_PER_FEATURE - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
WEIGHTS_PER_LABEL - Static variable in class org.apache.mahout.classifier.naivebayes.training.TrainNaiveBayesJob
 
WeightsMapper - Class in org.apache.mahout.classifier.naivebayes.training
 
WeightsMapper() - Constructor for class org.apache.mahout.classifier.naivebayes.training.WeightsMapper
 
WORD_LIKE_VALUE_HASH_SEED - Static variable in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
 
WORDCOUNT_OUTPUT_FOLDER - Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
 
WordsPrunerReducer - Class in org.apache.mahout.vectorizer.pruner
 
WordsPrunerReducer() - Constructor for class org.apache.mahout.vectorizer.pruner.WordsPrunerReducer
 
WordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
Encodes words as sparse vector updates to a Vector.
WordValueEncoder(String) - Constructor for class org.apache.mahout.vectorizer.encoders.WordValueEncoder
 
Wrapper() - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
Wrapper(int, int, PriorFunction) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
WRITABLE_VERSION - Static variable in class org.apache.mahout.classifier.sgd.GradientMachine
 
WRITABLE_VERSION - Static variable in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
WRITABLE_VERSION - Static variable in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
 
write(DataOutput) - Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
 
write(DataOutput) - Method in class org.apache.mahout.classifier.df.DecisionForest
Deprecated.
 
write(DataOutput) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
Deprecated.
 
write(DataOutput) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
Deprecated.
 
write(DataOutput) - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.ElasticBandPrior
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.L1
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.L2
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.PassiveAggressive
 
write(DataOutput, T) - Static method in class org.apache.mahout.classifier.sgd.PolymorphicWritable
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.TPrior
 
write(DataOutput) - Method in class org.apache.mahout.classifier.sgd.UniformPrior
 
write(DataOutput) - Method in class org.apache.mahout.clustering.AbstractCluster
 
write(DataOutput) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
write(DataOutput) - Method in class org.apache.mahout.clustering.classify.WeightedPropertyVectorWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.classify.WeightedVectorWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.AbstractClusteringPolicy
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.CanopyClusteringPolicy
Deprecated.
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.ClusteringPolicyWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.ClusterWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.DistanceMeasureCluster
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.FuzzyKMeansClusteringPolicy
 
write(DataOutput) - Method in class org.apache.mahout.clustering.iterator.KMeansClusteringPolicy
 
write(DataOutput) - Method in class org.apache.mahout.clustering.kmeans.Kluster
 
write(DataOutput) - Method in class org.apache.mahout.clustering.spectral.IntDoublePairWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.spectral.VertexWritable
 
write(DataOutput) - Method in class org.apache.mahout.clustering.streaming.mapreduce.CentroidWritable
 
write(DataOutput) - Method in class org.apache.mahout.common.IntegerTuple
 
write(DataOutput) - Method in class org.apache.mahout.common.IntPairWritable
 
write(DataOutput) - Method in class org.apache.mahout.common.StringTuple
 
write(DataOutput) - Method in class org.apache.mahout.ep.EvolutionaryProcess
 
write(DataOutput) - Method in class org.apache.mahout.ep.Mapping.Exponential
 
write(DataOutput) - Method in class org.apache.mahout.ep.Mapping.Identity
 
write(DataOutput) - Method in class org.apache.mahout.ep.Mapping.LogLimit
 
write(DataOutput) - Method in class org.apache.mahout.ep.Mapping.SoftLimit
 
write(DataOutput) - Method in class org.apache.mahout.ep.State
 
write(Path, Configuration, Iterable<MatrixSlice>) - Static method in class org.apache.mahout.math.DistributedRowMatrixWriter
 
write(DataOutput) - Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
 
write(Vector, Path, Configuration) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
write(Vector, Path, Configuration, boolean) - Static method in class org.apache.mahout.math.hadoop.similarity.cooccurrence.Vectors
 
write(DataOutput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
 
write(DataOutput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SparseRowBlockWritable
 
write(DataOutput) - Method in class org.apache.mahout.math.hadoop.stochasticsvd.SplitPartitionedWritable
 
write(Path, Configuration, VectorIterable) - Static method in class org.apache.mahout.math.MatrixUtils
 
write(DataOutput) - Method in class org.apache.mahout.math.MultiLabelVectorWritable
 
write(DataOutput, SequentialAccessSparseVector, int[]) - Static method in class org.apache.mahout.math.MultiLabelVectorWritable
 
write(DataOutput) - Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
 
write(DataOutput) - Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
 
write(DataOutput) - Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
 
write(DataOutput) - Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
 
writeArray(DataOutput, Node[]) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Writes an Node[] into a DataOutput
writeArray(DataOutput, double[]) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Writes a double[] into a DataOutput
writeArray(DataOutput, int[]) - Static method in class org.apache.mahout.classifier.df.DFUtils
Deprecated.
Writes an int[] into a DataOutput
writeBinary(Factorization, DataOutput) - Static method in class org.apache.mahout.cf.taste.impl.recommender.svd.FilePersistenceStrategy
 
writeBinary(String, CrossFoldLearner) - Static method in class org.apache.mahout.classifier.sgd.ModelSerializer
 
writeBinary(String, OnlineLogisticRegression) - Static method in class org.apache.mahout.classifier.sgd.ModelSerializer
 
writeBinary(String, AdaptiveLogisticRegression) - Static method in class org.apache.mahout.classifier.sgd.ModelSerializer
 
writeCentroidsToSequenceFile(Iterable<Centroid>, Path, Configuration) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansUtilsMR
Writes centroids to a sequence file.
writeInt(int, Path, Configuration) - Static method in class org.apache.mahout.common.HadoopUtil
 
writeLabelIndex(Configuration, Iterable<String>, Path) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
Write the list of labels into a map file
writeLabelIndex(Configuration, Path, Iterable<Pair<Text, IntWritable>>) - Static method in class org.apache.mahout.classifier.naivebayes.BayesUtils
 
writeModel(Path) - Method in class org.apache.mahout.clustering.lda.cvb.InMemoryCollapsedVariationalBayes0
 
writeNode(DataOutput) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
Deprecated.
 
writeNode(DataOutput) - Method in class org.apache.mahout.classifier.df.node.Leaf
Deprecated.
 
writeNode(DataOutput) - Method in class org.apache.mahout.classifier.df.node.Node
Deprecated.
 
writeNode(DataOutput) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
Deprecated.
 
writePolicy(ClusteringPolicy, Path) - Static method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
writeToSeqFiles(Path) - Method in class org.apache.mahout.clustering.classify.ClusterClassifier
 
writeVectorsToSequenceFile(Iterable<? extends Vector>, Path, Configuration) - Static method in class org.apache.mahout.clustering.streaming.mapreduce.StreamingKMeansUtilsMR
 

X

xi - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
 

Y

yiRow - Variable in class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
 
YtYJob - Class in org.apache.mahout.math.hadoop.stochasticsvd
Job that accumulates Y'Y output
YtYJob.YtYMapper - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
YtYJob.YtYReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
 
YtYMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYMapper
 
YtYReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.YtYJob.YtYReducer
 
A B C D E F G H I J K L M N O P Q R S T U V W X Y 
Skip navigation links

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