- 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
-
- AbstractDifferenceRecommenderEvaluator.PreferenceEstimateCallable(Recommender, long, PreferenceArray, AtomicInteger) - Constructor for class org.apache.mahout.cf.taste.impl.eval.AbstractDifferenceRecommenderEvaluator.PreferenceEstimateCallable
-
- AbstractFactorizer - Class in org.apache.mahout.cf.taste.impl.recommender.svd
-
base class for
Factorizer
s, 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.ABtMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.ABtMapper
-
- ABtDenseOutJob.QRReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
-
QR first step pushed down to reducer.
- ABtDenseOutJob.QRReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtDenseOutJob.QRReducer
-
- 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.ABtMapper() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.ABtMapper
-
- ABtJob.QRReducer - Class in org.apache.mahout.math.hadoop.stochasticsvd
-
QR first step pushed down to reducer.
- ABtJob.QRReducer() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.ABtJob.QRReducer
-
- 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
-
- 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.TrainingExample(long, String, int, Vector) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.TrainingExample
-
- AdaptiveLogisticRegression.Wrapper - Class in org.apache.mahout.classifier.sgd
-
Provides a shim between the EP optimization stuff and the CrossFoldLearner.
- AdaptiveLogisticRegression.Wrapper() - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- AdaptiveLogisticRegression.Wrapper(int, int, PriorFunction) - Constructor for class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- 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
-
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
-
- 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.
- addLayer(int, boolean, String) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Add a layer of neurons with specified size.
- addModel(OnlineLogisticRegression) - Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- addOption(String, String, String) - Method in class org.apache.mahout.common.AbstractJob
-
- addOption(String, String, String, boolean) - Method in class org.apache.mahout.common.AbstractJob
-
- addOption(String, String, String, String) - Method in class org.apache.mahout.common.AbstractJob
-
- addOption(Option) - Method in class org.apache.mahout.common.AbstractJob
-
- 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
-
- 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
-
- 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
-
- CachingItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
- CachingItemSimilarity(ItemSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
-
- CachingItemSimilarity(ItemSimilarity, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
-
- CachingRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
-
- 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
-
- CachingUserNeighborhood(UserNeighborhood, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.CachingUserNeighborhood
-
- CachingUserSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
- CachingUserSimilarity(UserSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
-
- CachingUserSimilarity(UserSimilarity, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
-
- 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
-
- CategoricalNode() - Constructor for class org.apache.mahout.classifier.df.node.CategoricalNode
-
- CategoricalNode(int, double[], Node[]) - Constructor for class org.apache.mahout.classifier.df.node.CategoricalNode
-
- 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
-
- 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
-
Mapreduce implementation that classifies the Input data using a previousely built decision forest
- Classifier(Path, Path, Path, Path, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.Classifier
-
- Classifier.CMapper - Class in org.apache.mahout.classifier.df.mapreduce
-
- Classifier.CMapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.Classifier.CMapper
-
- 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
-
Classifies the data and calls callback for each classification
- classify(Dataset, Random, Instance) - Method in class org.apache.mahout.classifier.df.DecisionForest
-
predicts the label for the instance
- classify(Instance) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
-
- classify(Instance) - Method in class org.apache.mahout.classifier.df.node.Leaf
-
- classify(Instance) - Method in class org.apache.mahout.classifier.df.node.Node
-
predicts the label for the instance
- classify(Instance) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
-
- 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
-
- 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
-
- 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
-
- clone() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
-
- clone() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.TreeID
-
- 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
-
- close() - Method in class org.apache.mahout.classifier.mlp.MultilayerPerceptron
-
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
-
- 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
-
- 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
-
- computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.IgSplit
-
Computes the best split for the given attribute
- computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.OptIgSplit
-
- computeSplit(Data, int) - Method in class org.apache.mahout.classifier.df.split.RegressionSplit
-
- 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
- Condition - Class in org.apache.mahout.classifier.df.data.conditions
-
Condition on Instance
- Condition() - Constructor for class org.apache.mahout.classifier.df.data.conditions.Condition
-
- 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
-
Useful for testing
- configure(Long, int, int, int) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
-
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.
- configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
-
Used by the inheriting classes to configure the job
- configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
-
- configureJob(Job) - Method in class org.apache.mahout.classifier.df.mapreduce.partial.PartialBuilder
-
- 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
-
- 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
-
- CooccurrenceCountSimilarity - Class in org.apache.mahout.math.hadoop.similarity.cooccurrence.measures
-
- CooccurrenceCountSimilarity() - Constructor for class org.apache.mahout.math.hadoop.similarity.cooccurrence.measures.CooccurrenceCountSimilarity
-
- 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
-
- costFunctionName - Variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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
-
Counts the number of occurrences of each label value
This method can be used when the criterion variable is the categorical attribute.
- 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
-
- 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
-
- 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
-
- crossEntropy - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
The cross entropy function (f(t, o) = -t * log(o) - (1 - t) * log(1 - o)).
- 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
-
- 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.
- CVB0Driver.DualDoubleSumReducer() - Constructor for class org.apache.mahout.clustering.lda.cvb.CVB0Driver.DualDoubleSumReducer
-
- 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
-
- Data - Class in org.apache.mahout.classifier.df.data
-
Holds a list of vectors and their corresponding Dataset.
- Data(Dataset) - Constructor for class org.apache.mahout.classifier.df.data.Data
-
- Data(Dataset, List<Instance>) - Constructor for class org.apache.mahout.classifier.df.data.Data
-
- DataConverter - Class in org.apache.mahout.classifier.df.data
-
Converts String to Instance using a Dataset
- DataConverter(Dataset) - Constructor for class org.apache.mahout.classifier.df.data.DataConverter
-
- DataLoader - Class in org.apache.mahout.classifier.df.data
-
Converts the input data to a Vector Array using the information given by the Dataset.
Generates for each line a Vector that contains :
double parsed value for NUMERICAL attributes
int value for CATEGORICAL and LABEL attributes
adds an IGNORED first attribute that will contain a unique id for each instance, which is the line number
of the instance in the input data
- 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
Preference
s
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
-
Contains information about the attributes.
- Dataset() - Constructor for class org.apache.mahout.classifier.df.data.Dataset
-
- Dataset.Attribute - Enum in org.apache.mahout.classifier.df.data
-
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
-
Helper methods that deals with data lists and arrays of values
- 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
-
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
-
Represents a forest of decision trees.
- DecisionForest(List<Node>) - Constructor for class org.apache.mahout.classifier.df.DecisionForest
-
- DecisionTreeBuilder - Class in org.apache.mahout.classifier.df.builder
-
Builds a classification tree or regression tree
A classification tree is built when the criterion variable is the categorical attribute.
A regression tree is built when the criterion variable is the numerical attribute.
- DecisionTreeBuilder() - Constructor for class org.apache.mahout.classifier.df.builder.DecisionTreeBuilder
-
- 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_LEARNING_RATE - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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_MOMENTUM_WEIGHT - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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_REGULARIZATION_WEIGHT - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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
-
Default, not optimized, implementation of IgSplit
- DefaultIgSplit() - Constructor for class org.apache.mahout.classifier.df.split.DefaultIgSplit
-
- DefaultOptionCreator - Class in org.apache.mahout.common.commandline
-
- DefaultTreeBuilder - Class in org.apache.mahout.classifier.df.builder
-
Builds a Decision Tree
Based on the algorithm described in the "Decision Trees" tutorials by Andrew W.
- DefaultTreeBuilder() - Constructor for class org.apache.mahout.classifier.df.builder.DefaultTreeBuilder
-
- 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
-
- DenseBlockWritable() - Constructor for class org.apache.mahout.math.hadoop.stochasticsvd.DenseBlockWritable
-
- derivativeCrossEntropy - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
The derivation of cross entropy function (f(t, o) = -t * log(o) - (1 - t) *
log(1 - o)).
- derivativeIdentityFunction - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
The derivation of identity function (f(x) = x).
- derivativeMinusSquared - Static variable in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
The derivation of minus squared function (f(t, o) = (o - t)^2).
- 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
-
Exception thrown when parsing a descriptor
- DescriptorException(String) - Constructor for exception org.apache.mahout.classifier.df.data.DescriptorException
-
- DescriptorUtils - Class in org.apache.mahout.classifier.df.data
-
Contains various methods that deal with descriptor strings
- determineDelimiter(String) - Static method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- DFUtils - Class in org.apache.mahout.classifier.df
-
Utility class that contains various helper methods
- 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
-
- DistributedConjugateGradientSolver.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.
- DistributedLanczosSolver.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
-
- DistributedRowMatrix.MatrixEntryWritable() - Constructor for class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- 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
StringTuple
s.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).
- dunnIndex(List<? extends Vector>, DistanceMeasure, List<OnlineSummarizer>) - Static method in class org.apache.mahout.clustering.ClusteringUtils
-
Computes the Dunn Index of a given clustering.
- 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
-
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
-
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
-
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
-
True if a given attribute has a given value
- Equals(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.Equals
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.data.Data
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.data.Dataset
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.data.Instance
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.DecisionForest
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.mapreduce.MapredOutput
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.node.Leaf
-
- equals(Object) - Method in class org.apache.mahout.classifier.df.node.NumericalNode
-
- 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
-
Various methods to compute from the output of a random forest
- errorRate(double[], double[]) - Static method in class org.apache.mahout.classifier.df.ErrorEstimate
-
- 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.
- 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
-
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.
- 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
-
- FactorizationEvaluator.PredictRatingsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.als.FactorizationEvaluator.PredictRatingsMapper
-
- 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
-
- 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
-
- 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
-
- 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
-
- 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
-
- FileLineIterable(File, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
-
- FileLineIterable(File, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterable
-
- 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
-
- FileLineIterator(File, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
-
- FileLineIterator(File, Charset, boolean) - Constructor for class org.apache.mahout.common.iterator.FileLineIterator
-
- 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
-
- finalLayerIndex - Variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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
- 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
-
This tool is to visualize the Decision Forest
- 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
- forward(int, Vector) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Forward the calculation for one layer.
- 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
-
Compute the frequency distribution of the "class label"
This class can be used when the criterion variable is the categorical attribute.
- FrequenciesJob - Class in org.apache.mahout.classifier.df.tools
-
Temporary class used to compute the frequency distribution of the "class attribute".
This class can be used when the criterion variable is the categorical attribute.
- FrequenciesJob(Path, Path, Path) - Constructor for class org.apache.mahout.classifier.df.tools.FrequenciesJob
-
- 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
-
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
-
- 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
-
- 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
-
- 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
-
Generates the Dataset by parsing the entire data
- generateDataset(CharSequence, boolean, String[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
-
Generates the Dataset by parsing the entire data
- generateDescriptor(CharSequence) - Static method in class org.apache.mahout.classifier.df.data.DescriptorUtils
-
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
-
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
-
- GenericBooleanPrefDataModel(FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- GenericBooleanPrefDataModel(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- GenericBooleanPrefItemBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
-
- 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
-
- 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
-
- GenericDataModel(FastByIDMap<PreferenceArray>, FastByIDMap<FastByIDMap<Long>>) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- GenericDataModel(DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- GenericItemBasedRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
-
- 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
-
- GenericItemBasedRecommender.MostSimilarEstimator(long, ItemSimilarity, Rescorer<LongPair>) - Constructor for class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender.MostSimilarEstimator
-
- GenericItemPreferenceArray - Class in org.apache.mahout.cf.taste.impl.model
-
- 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
-
- GenericItemSimilarity(Iterable<GenericItemSimilarity.ItemItemSimilarity>, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
-
- GenericItemSimilarity(ItemSimilarity, DataModel) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
-
- GenericItemSimilarity(ItemSimilarity, DataModel, int) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
-
- GenericItemSimilarity.ItemItemSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
Encapsulates a similarity between two items.
- GenericItemSimilarity.ItemItemSimilarity(long, long, double) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
-
- 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
-
- 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
-
- 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
-
- 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
-
- GenericUserSimilarity.UserUserSimilarity(long, long, double) - Constructor for class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
-
- 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
-
Returns the element at the specified position
- get(int) - Method in class org.apache.mahout.classifier.df.data.Instance
-
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
-
- getAttribute(int) - Method in class org.apache.mahout.classifier.df.data.Dataset
-
- 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.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
-
- getCurrentValue() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
-
- 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
-
- getDataset() - Method in class org.apache.mahout.classifier.df.data.Data
-
- getDataset() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
-
- 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
-
- getDerivativeDoubleDoubleFunction(String) - Static method in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
Get the corresponding derivation of double double function by the name.
- getDerivativeDoubleFunction(String) - Static method in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
Get the derivation double function by the name.
- 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
-
Helper method.
- getDoubleDoubleFunction(String) - Static method in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
Get the corresponding double-double function by the name.
- getDoubleFunction(String) - Static method in class org.apache.mahout.classifier.mlp.NeuralNetworkFunctions
-
Deprecated.
Get the corresponding function by its name.
- 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
-
- 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
-
- 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
-
- getFirstTreeId() - Method in class org.apache.mahout.classifier.df.mapreduce.partial.Step1Mapper
-
- 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
-
- 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
-
- getIgnored() - Method in class org.apache.mahout.classifier.df.data.Dataset
-
- 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
-
- 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
-
- getLabelId() - Method in class org.apache.mahout.classifier.df.data.Dataset
-
- 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
-
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
-
- getLayerSize(int) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the size of a particular layer.
- getLayerSizeList() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the layer size list.
- getLearner() - Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- getLearningRate() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the value of learning rate.
- getLength() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- 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
-
- 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
-
- getModelPath() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the model path.
- 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
-
- getModelType() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the type of the model.
- getMomentumWeight() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the momentum weight.
- 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
-
Get the number of trees for the map-reduce job.
- getNbTrees() - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- 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
-
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
-
- getOutput(Vector) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the output calculated by the model.
- getOutputFile() - Method in class org.apache.mahout.common.AbstractJob
-
- getOutputInternal(Vector) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Calculate output internally, the intermediate output of each layer will be
stored.
- getOutputPath(Configuration) - Method in class org.apache.mahout.classifier.df.mapreduce.Builder
-
Output Directory name
- getOutputPath() - Method in class org.apache.mahout.common.AbstractJob
-
- 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
-
- 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
-
- 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
-
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
-
- 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
-
- getRegularizationWeight() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the weight of the regularization.
- 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
-
- 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
-
- 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
-
- getSplits(JobContext) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
-
- getSplits(Configuration, int) - Method in class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
-
- 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
-
- getString() - Method in class org.apache.mahout.classifier.df.node.Leaf
-
- getString() - Method in class org.apache.mahout.classifier.df.node.Node
-
- getString() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
-
- 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
-
- getTrainingMethod() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the training method.
- 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
-
- getTreeBuilder(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
-
- getTreeBuilder() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
-
- getType() - Method in class org.apache.mahout.classifier.df.node.CategoricalNode
-
- getType() - Method in class org.apache.mahout.classifier.df.node.Leaf
-
- getType() - Method in class org.apache.mahout.classifier.df.node.Node
-
- getType() - Method in class org.apache.mahout.classifier.df.node.NumericalNode
-
- 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
-
- getWeightMatrices() - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get all the weight matrices.
- getWeights() - Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
-
- getWeightsByLayer(int) - Method in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
Get the weights between layer layerIndex and layerIndex + 1
- 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
-
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
-
True if a given attribute has a value "greater or equal" than a given value
- GreaterOrEquals(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.GreaterOrEquals
-
- 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
-
- identicalLabel() - Method in class org.apache.mahout.classifier.df.data.Data
-
checks if all the vectors have identical label values
- identity() - Static method in class org.apache.mahout.ep.Mapping
-
Maps results to themselves.
- 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
Object
s.
- 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
-
Computes the best split using the Information Gain measure
- IgSplit() - Constructor for class org.apache.mahout.classifier.df.split.IgSplit
-
- 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
-
- IndexInstancesMapper.Counter - Enum in org.apache.mahout.classifier.naivebayes.training
-
- 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
-
- initWeights(Random) - Method in class org.apache.mahout.classifier.sgd.GradientMachine
-
Initialize weights.
- InMemBuilder - Class in org.apache.mahout.classifier.df.mapreduce.inmem
-
MapReduce implementation where each mapper loads a full copy of the data in-memory.
- InMemBuilder(TreeBuilder, Path, Path, Long, Configuration) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
-
- InMemBuilder(TreeBuilder, Path, Path) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemBuilder
-
- InMemInputFormat - Class in org.apache.mahout.classifier.df.mapreduce.inmem
-
Custom InputFormat that generates InputSplits given the desired number of trees.
each input split contains a subset of the trees.
The number of splits is equal to the number of requested splits
- InMemInputFormat() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat
-
- InMemInputFormat.InMemInputSplit - Class in org.apache.mahout.classifier.df.mapreduce.inmem
-
Custom InputSplit that indicates how many trees are built by each mapper
- InMemInputFormat.InMemInputSplit() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- InMemInputFormat.InMemInputSplit(int, int, Long) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- InMemInputFormat.InMemRecordReader - Class in org.apache.mahout.classifier.df.mapreduce.inmem
-
- InMemInputFormat.InMemRecordReader(InMemInputFormat.InMemInputSplit) - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemInputFormat.InMemRecordReader
-
- InMemMapper - Class in org.apache.mahout.classifier.df.mapreduce.inmem
-
In-memory mapper that grows the trees using a full copy of the data loaded in-memory.
- InMemMapper() - Constructor for class org.apache.mahout.classifier.df.mapreduce.inmem.InMemMapper
-
- 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
-
- 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
-
- 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
-
Represents one data instance.
- Instance(Vector) - Constructor for class org.apache.mahout.classifier.df.data.Instance
-
- 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.Comparator() - Constructor for class org.apache.mahout.common.IntPairWritable.Comparator
-
- 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.FirstGroupingComparator() - Constructor for class org.apache.mahout.common.IntPairWritable.FirstGroupingComparator
-
- IntPairWritable.Frequency - Class in org.apache.mahout.common
-
A wrapper class that associates pairs with frequency (Occurrences)
- IntPairWritable.Frequency(IntPairWritable, double) - Constructor for class org.apache.mahout.common.IntPairWritable.Frequency
-
- 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
-
- 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
-
- 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
-
checks if all the vectors have identical attribute values
- isIgnored() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
-
- isItemsFileSpecified() - Method in class org.apache.mahout.cf.taste.hadoop.item.IDReader
-
- isLabel() - Method in enum org.apache.mahout.classifier.df.data.Dataset.Attribute
-
- 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
-
- isNumerical(int) - Method in class org.apache.mahout.classifier.df.data.Dataset
-
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
-
Used only for DEBUG purposes.
- isOutput() - Method in class org.apache.mahout.classifier.df.mapreduce.MapredMapper
-
- 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
-
Returns true is the checked instance matches the condition
- isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.Equals
-
- isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.GreaterOrEquals
-
- isTrueFor(Instance) - Method in class org.apache.mahout.classifier.df.data.conditions.Lesser
-
- 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
-
- 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.MostSimilarItemPairsMapper() - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsMapper
-
- ItemSimilarityJob.MostSimilarItemPairsReducer - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
-
- ItemSimilarityJob.MostSimilarItemPairsReducer() - Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ItemSimilarityJob.MostSimilarItemPairsReducer
-
- 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
- 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
-
- 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
-
Returns the code used to represent the label value in the data
- labels() - Method in class org.apache.mahout.classifier.df.data.Dataset
-
- 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
-
- layerSizeList - Variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- Leaf - Class in org.apache.mahout.classifier.df.node
-
Represents a Leaf node
- Leaf(double) - Constructor for class org.apache.mahout.classifier.df.node.Leaf
-
- learningRate - Variable in class org.apache.mahout.cf.taste.impl.recommender.svd.RatingSGDFactorizer
-
Learning rate (step size)
- learningRate - Variable in class org.apache.mahout.classifier.mlp.NeuralNetwork
-
Deprecated.
- 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
-
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
-
True if a given attribute has a value "lesser" than a given value
- Lesser(int, double) - Constructor for class org.apache.mahout.classifier.df.data.conditions.Lesser
-
- 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
-
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.ConcreteLLCallback() - Constructor for class org.apache.mahout.vectorizer.collocations.llr.LLRReducer.ConcreteLLCallback
-
- 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
-
Loads the dataset from a file
- load(Configuration, Path) - Static method in class org.apache.mahout.classifier.df.DecisionForest
-
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
-
Loads the data from a file
- loadData(Dataset, FileSystem, Path[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
-
Loads the data from multiple paths specified by pathes
- loadData(Dataset, String[]) - Static method in class org.apache.mahout.classifier.df.data.DataLoader
-
Loads the data from a String array
- loadDataset(Configuration) - Static method in class org.apache.mahout.classifier.df.mapreduce.Builder
-
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.
- 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
-
- 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
-
- 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
-