Each mapper is responsible for growing a number of trees with a whole copy of the dataset loaded in memory, it uses the reference implementation's code to build each tree and estimate the oob error.
The dataset is distributed to the slave nodes using the
DistributedCache.
org.apache.mahout.df.mapred.partial - package org.apache.mahout.df.mapred.partial
Partial-data mapreduce implementation of Random Decision Forests
The builder splits the data, using a
FileInputSplit, among the mappers.
org.apache.mahout.df.mapreduce - package org.apache.mahout.df.mapreduce org.apache.mahout.df.mapreduce.inmem - package org.apache.mahout.df.mapreduce.inmem
In-memory mapreduce implementation of Random Decision Forests
Each mapper is responsible for growing a number of trees with a whole copy of the dataset loaded in memory, it uses the reference implementation's code to build each tree and estimate the oob error.
The dataset is distributed to the slave nodes using the
DistributedCache.
org.apache.mahout.df.mapreduce.partial - package org.apache.mahout.df.mapreduce.partial
Partial-data mapreduce implementation of Random Decision Forests
The builder splits the data, using a
FileInputSplit, among the mappers.
org.apache.mahout.df.node - package org.apache.mahout.df.node org.apache.mahout.df.ref - package org.apache.mahout.df.ref org.apache.mahout.df.split - package org.apache.mahout.df.split org.apache.mahout.df.tools - package org.apache.mahout.df.tools org.apache.mahout.driver - package org.apache.mahout.driver org.apache.mahout.fpm.pfpgrowth - package org.apache.mahout.fpm.pfpgrowth
Map/Reduce(Parallel) implementation of FP Growth Algorithm for frequent Itemset Mining
We have a Top K Parallel FPGrowth Implementation.
org.apache.mahout.fpm.pfpgrowth.convertors - package org.apache.mahout.fpm.pfpgrowth.convertors org.apache.mahout.fpm.pfpgrowth.convertors.integer - package org.apache.mahout.fpm.pfpgrowth.convertors.integer org.apache.mahout.fpm.pfpgrowth.convertors.string - package org.apache.mahout.fpm.pfpgrowth.convertors.string org.apache.mahout.fpm.pfpgrowth.fpgrowth - package org.apache.mahout.fpm.pfpgrowth.fpgrowth org.apache.mahout.ga.watchmaker - package org.apache.mahout.ga.watchmaker org.apache.mahout.math - package org.apache.mahout.math org.apache.mahout.math.hadoop - package org.apache.mahout.math.hadoop org.apache.mahout.math.hadoop.decomposer - package org.apache.mahout.math.hadoop.decomposer out -
Variable in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
OUTPUT_VECTOR_DIMENSION -
Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
OUTPUT_VECTOR_FILENAME -
Static variable in class org.apache.mahout.math.hadoop.TimesSquaredJob
outputOption() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for output directory specification.
outputPointWithClusterInfo(Vector, List<Cluster>, OutputCollector<Text, Text>) -
Method in class org.apache.mahout.clustering.kmeans.KMeansClusterer
outputPointWithClusterProbabilities(String, Vector, List<SoftCluster>, OutputCollector<Text, FuzzyKMeansOutput>) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
Output point with cluster info (Cluster and probability)
outputSorted(int, Collection<Map.Entry<Long, Double>>, OutputCollector<Text, Text>) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender.RecommenderReducer
OutputUtils - Class in org.apache.mahout.ga.watchmakerUtility Class that deals with the output.outputVector -
Variable in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
overwriteOutput(String) -
Static method in class org.apache.mahout.common.HadoopUtil
P
- Pair<A,B> - Class in org.apache.mahout.common
- A simple (ordered) pair of two objects.
- Pair(A, B) -
Constructor for class org.apache.mahout.common.Pair
-
- ParallelCountingMapper - Class in org.apache.mahout.fpm.pfpgrowth
- maps all items in a particular transaction like the way it is done in Hadoop
WordCount example
- ParallelCountingMapper() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.ParallelCountingMapper
-
- ParallelCountingReducer - Class in org.apache.mahout.fpm.pfpgrowth
- sums up the item count and output the item and the count This can also be
used as a local Combiner.
- ParallelCountingReducer() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.ParallelCountingReducer
-
- ParallelFPGrowthCombiner - Class in org.apache.mahout.fpm.pfpgrowth
- takes each group of dependent transactions and\ compacts it in a
TransactionTree structure
- ParallelFPGrowthCombiner() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthCombiner
-
- ParallelFPGrowthMapper - Class in org.apache.mahout.fpm.pfpgrowth
- maps each transaction to all unique items groups in the transaction.
- ParallelFPGrowthMapper() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthMapper
-
- ParallelFPGrowthReducer - Class in org.apache.mahout.fpm.pfpgrowth
- takes each group of transactions and runs Vanilla FPGrowth on it and
outputs the the Top K frequent Patterns for each group.
- ParallelFPGrowthReducer() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthReducer
-
- Parameter<T> - Interface in org.apache.mahout.common.parameters
- An accessor to a parameters in the job.
- Parametered - Interface in org.apache.mahout.common.parameters
- Meta information and accessors for configuring a job.
- Parametered.ParameteredGeneralizations - Class in org.apache.mahout.common.parameters
- "multiple inheritance"
- Parameters - Class in org.apache.mahout.common
-
- Parameters() -
Constructor for class org.apache.mahout.common.Parameters
-
- parent(int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- parseArguments(String[], Option...) -
Static method in class org.apache.mahout.cf.taste.hadoop.AbstractJob
-
- parseDescriptor(String) -
Static method in class org.apache.mahout.df.data.DescriptorUtils
- Parses a descriptor string and generates the corresponding array of Attributes
- parseMetaData() -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
-
- parseOutput(JobConf, PredictionCallback) -
Method in class org.apache.mahout.df.mapred.Builder
- Parse the output files to extract the trees and pass the predictions to the callback
- parseOutput(JobConf, PredictionCallback) -
Method in class org.apache.mahout.df.mapred.inmem.InMemBuilder
-
- parseOutput(JobConf, PredictionCallback) -
Method in class org.apache.mahout.df.mapred.partial.PartialBuilder
-
- parseOutput(JobConf) -
Method in class org.apache.mahout.df.mapred.partial.Step0Job
- Extracts the output and processes it
- parseOutput(JobConf, PredictionCallback) -
Method in class org.apache.mahout.df.mapred.partial.Step2Job
- Extracts the output and processes it
- parseOutput(Job, PredictionCallback) -
Method in class org.apache.mahout.df.mapreduce.Builder
- Parse the output files to extract the trees and pass the predictions to the callback
- parseOutput(Job, PredictionCallback) -
Method in class org.apache.mahout.df.mapreduce.inmem.InMemBuilder
-
- parseOutput(Job, PredictionCallback) -
Method in class org.apache.mahout.df.mapreduce.partial.PartialBuilder
-
- parseOutput(JobContext) -
Method in class org.apache.mahout.df.mapreduce.partial.Step0Job
- Extracts the output and processes it
- parseOutput(Job, PredictionCallback) -
Method in class org.apache.mahout.df.mapreduce.partial.Step2Job
- Extracts the output and processes it
- parseOutput(JobContext) -
Method in class org.apache.mahout.df.tools.FrequenciesJob
- Extracts the output and processes it
- PartialBuilder - Class in org.apache.mahout.df.mapred.partial
- Builds a random forest using partial data.
- PartialBuilder(TreeBuilder, Path, Path, Long) -
Constructor for class org.apache.mahout.df.mapred.partial.PartialBuilder
-
- PartialBuilder(TreeBuilder, Path, Path, Long, Configuration) -
Constructor for class org.apache.mahout.df.mapred.partial.PartialBuilder
-
- PartialBuilder - Class in org.apache.mahout.df.mapreduce.partial
- Builds a random forest using partial data.
- PartialBuilder(TreeBuilder, Path, Path, Long) -
Constructor for class org.apache.mahout.df.mapreduce.partial.PartialBuilder
-
- PartialBuilder(TreeBuilder, Path, Path, Long, Configuration) -
Constructor for class org.apache.mahout.df.mapreduce.partial.PartialBuilder
-
- partition() -
Method in class org.apache.mahout.df.mapreduce.partial.TreeID
- Data partition (InputSplit's index) that was used to grow the tree
- PathParameter - Class in org.apache.mahout.common.parameters
-
- PathParameter(String, String, JobConf, Path, String) -
Constructor for class org.apache.mahout.common.parameters.PathParameter
-
- Pattern - Class in org.apache.mahout.fpm.pfpgrowth.fpgrowth
- A in FPGrowth is a list of items (here int) and the
support(the number of times the pattern is seen in the dataset)
- Pattern() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.fpgrowth.Pattern
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- pdf(O) -
Method in interface org.apache.mahout.clustering.dirichlet.models.Model
- Return the probability that the observation is described by this model
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
-
- PearsonCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
An implementation of the Pearson correlation.
- PearsonCorrelationSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
-
- PearsonCorrelationSimilarity(DataModel, Weighting) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
-
- peek() -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- peek() -
Method in interface org.apache.mahout.cf.taste.impl.common.LongPrimitiveIterator
-
- peek() -
Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- peek() -
Method in class org.apache.mahout.common.FileLineIterator
-
- PerceptronTrainer - Class in org.apache.mahout.classifier.discriminative
- Implements training accoring to the perceptron update rule.
- PerceptronTrainer(int, double, double, double, double) -
Constructor for class org.apache.mahout.classifier.discriminative.PerceptronTrainer
-
- PermutingIterator<T> - Class in org.apache.mahout.common.iterator
- An
Iterator
that iterates in a random order over a given sequence of elements. - PermutingIterator(T[]) -
Constructor for class org.apache.mahout.common.iterator.PermutingIterator
-
- PFPGrowth - Class in org.apache.mahout.fpm.pfpgrowth
- Parallel FP Growth Driver Class.
- phi(int, int) -
Method in class org.apache.mahout.clustering.lda.LDAInference.InferredDocument
-
- PlusAnonymousUserDataModel - Class in org.apache.mahout.cf.taste.impl.model
-
This
DataModel
decorator class is useful in a situation where you wish to recommend to a user that
doesn't really exist yet in your actual DataModel
. - PlusAnonymousUserDataModel(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- prediction(int, int, int) -
Method in class org.apache.mahout.df.callback.ForestPredictions
-
- prediction(int, int, int) -
Method in class org.apache.mahout.df.callback.MeanTreeCollector
-
- prediction(int, int, int) -
Method in class org.apache.mahout.df.callback.MultiCallback
-
- prediction(int, int, int) -
Method in interface org.apache.mahout.df.callback.PredictionCallback
- called when an instance has been classified
- prediction(int, int, int) -
Method in class org.apache.mahout.df.callback.SingleTreePredictions
-
- PredictionCallback - Interface in org.apache.mahout.df.callback
- Called each time an instance has been classified
- Preference - Interface in org.apache.mahout.cf.taste.model
-
A encapsulates an item and a preference value, which indicates the strength of the
preference for it.
- PreferenceArray - Interface in org.apache.mahout.cf.taste.model
- An alternate representation of an array of
Preference
. - PreferenceInferrer - Interface in org.apache.mahout.cf.taste.similarity
-
Implementations of this interface compute an inferred preference for a user and an item that the user has
not expressed any preference for.
- PreferenceTransform - Interface in org.apache.mahout.cf.taste.transforms
-
Implementations encapsulate a transform on a
Preference
's value. - prefix() -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- prefix() -
Method in interface org.apache.mahout.common.parameters.Parameter
-
- prepareJob(String, Path, int) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemBigramGenerator
-
- prepareJob(String, Path, int, int) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemSimilarityEstimator
-
- prepareJob(Path, Path, Path, int) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner
-
- prepareJob(String, Path, int, int) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender
-
- prepareJobConf(String, String, String, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends Reducer>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>) -
Static method in class org.apache.mahout.cf.taste.hadoop.AbstractJob
-
- prepareOutput(FileSystem) -
Static method in class org.apache.mahout.ga.watchmaker.OutputUtils
- Removes the output directory if it already exists.
- print() -
Method in class org.apache.mahout.common.Parameters
-
- Printable - Interface in org.apache.mahout.clustering
- Implementations of this interface have a printable representation.
- printHelp(Group) -
Static method in class org.apache.mahout.common.CommandLineUtil
-
- processFile(FileLineIterator, FastByIDMap<?>, boolean) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- processFileWithoutID(FileLineIterator, FastByIDMap<FastIDSet>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- processLine(String, FastByIDMap<?>, boolean) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
Reads one line from the input file and adds the data to a
Map
data structure which maps user IDs
to preferences.
- processLineWithoutID(String, FastByIDMap<FastIDSet>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- processOutput(JobConf, Path, int[], TreeID[], Node[], PredictionCallback) -
Static method in class org.apache.mahout.df.mapred.partial.PartialBuilder
- Processes the output from the output path.
- processOutput(int[], Step0Job.Step0Output[]) -
Static method in class org.apache.mahout.df.mapred.partial.Step0Job
- Replaces the first id for each partition in Hadoop's order
- processOutput(JobContext, Path, int[], TreeID[], Node[], PredictionCallback) -
Static method in class org.apache.mahout.df.mapreduce.partial.PartialBuilder
- Processes the output from the output path.
- processOutput(List<Integer>, List<Step0Job.Step0Output>) -
Static method in class org.apache.mahout.df.mapreduce.partial.Step0Job
- Replaces the first id for each partition in Hadoop's order
- PROTOTYPE_SIZE_KEY -
Static variable in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- pruneEigens(Map<MatrixSlice, EigenStatus>) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- put(long, V) -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- put(K, V) -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- putAll(Map<? extends K, ? extends V>) -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- putCount(String, String, int) -
Method in class org.apache.mahout.classifier.ConfusionMatrix
-
Q
- quickGet(K) -
Method in class org.apache.mahout.common.cache.LFUCache
-
- quietClose(Closeable) -
Static method in class org.apache.mahout.common.IOUtils
-
- quietClose(ResultSet) -
Static method in class org.apache.mahout.common.IOUtils
-
- quietClose(Statement) -
Static method in class org.apache.mahout.common.IOUtils
-
- quietClose(Connection) -
Static method in class org.apache.mahout.common.IOUtils
-
- quietClose(ResultSet, Statement, Connection) -
Static method in class org.apache.mahout.common.IOUtils
- Closes a
ResultSet
, Statement
and Connection
(if not null) and logs (but does not
rethrow) any resulting SQLException
.
R
- RandomAccessSparseVectorWritable - Class in org.apache.mahout.math
-
- RandomAccessSparseVectorWritable(Vector) -
Constructor for class org.apache.mahout.math.RandomAccessSparseVectorWritable
-
- RandomAccessSparseVectorWritable() -
Constructor for class org.apache.mahout.math.RandomAccessSparseVectorWritable
-
- randomAttributes(Random, boolean[], int) -
Static method in class org.apache.mahout.df.builder.DefaultTreeBuilder
- Randomly selects m attributes to consider for split, excludes IGNORED and LABEL attributes
- RandomRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
- Produces random recommendations and preference estimates.
- RandomRecommender(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
-
- RandomSeedGenerator - Class in org.apache.mahout.clustering.kmeans
- Given an Input Path containing a
SequenceFile
, randomly select k vectors and
write them to the output file as a Cluster
representing the
initial centroid to use. - RandomUtils - Class in org.apache.mahout.common
-
The source of random stuff for the whole project.
- RandomWrapper - Class in org.apache.mahout.common
-
- rBeta(double, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns a random sample from a beta distribution with the given shapes
- rBeta(int, double, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns a vector of random samples from a beta distribution with the given shapes
- rBinomial(int, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns an integer sampled according to this distribution.
- rChisq(double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Return a random sample from the chi-squared (chi^2) distribution with df degrees of freedom.
- rDirichlet(Vector, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Sample from a Dirichlet distribution, returning a vector of probabilities using a stick-breaking
algorithm
- read(DataInput) -
Static method in class org.apache.mahout.cf.taste.hadoop.ItemItemWritable
-
- read(DataInput) -
Static method in class org.apache.mahout.cf.taste.hadoop.ItemPrefWritable
-
- read(DataInput) -
Static method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- read(DataInput) -
Static method in class org.apache.mahout.df.data.Dataset
-
- read(DataInput) -
Static method in class org.apache.mahout.df.mapred.inmem.InMemInputFormat.InMemInputSplit
-
- read(DataInput) -
Static method in class org.apache.mahout.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- read(DataInput) -
Static method in class org.apache.mahout.df.mapreduce.MapredOutput
-
- read(DataInput) -
Static method in class org.apache.mahout.df.node.Node
-
- read(DataInput) -
Static method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- readDoubleArray(DataInput) -
Static method in class org.apache.mahout.df.DFUtils
- Reads a double[] from a DataInput
- readerToDocument(Analyzer, Reader) -
Static method in class org.apache.mahout.classifier.BayesFileFormatter
- Convert a Reader to a vector
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.Bigram
- Read the two integers encoded using variable length encoding
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.ItemItemWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.ItemPrefWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.canopy.Canopy
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.ClusterBase
- Reads in the id, nothing else
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansInfo
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansOutput
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.kmeans.Cluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.kmeans.KMeansInfo
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- readFields(DataInput) -
Method in class org.apache.mahout.common.IntegerTuple
-
- readFields(DataInput) -
Method in class org.apache.mahout.common.IntPairWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.common.StringTuple
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.data.Dataset
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.mapred.inmem.InMemInputFormat.InMemInputSplit
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.mapred.partial.Step0Job.Step0Output
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.mapreduce.MapredOutput
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.mapreduce.partial.Step0Job.Step0Output
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.node.CategoricalNode
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.node.Leaf
-
- readFields(DataInput) -
Method in class org.apache.mahout.df.node.NumericalNode
-
- readFields(DataInput) -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- readFields(DataInput) -
Method in class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.DenseMatrixWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.DenseVectorWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.MatrixWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.RandomAccessSparseVectorWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.SequentialAccessSparseVectorWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.VectorWritable
-
- readFList(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- read the feature frequency List which is built at the end of the Parallel counting job
- readFrequentPattern(FileSystem, Configuration, Path) -
Static method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPGrowth
-
- readFrequentPattern(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Read the Frequent Patterns generated from Text
- readIntArray(DataInput) -
Static method in class org.apache.mahout.df.DFUtils
- Reads an int[] from a DataInput
- readItemIDFromString(String) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- Subclasses may wish to override this if ID values in the file are not numeric.
- readLabelDocumentCounts(FileSystem, Path, Configuration) -
Static method in class org.apache.mahout.classifier.bayes.io.SequenceFileModelReader
-
- readLabels(DataInput, Map<String, Integer>, Map<String, Integer>) -
Static method in class org.apache.mahout.math.MatrixWritable
-
- readLabelSums(FileSystem, Path, Configuration) -
Static method in class org.apache.mahout.classifier.bayes.io.SequenceFileModelReader
-
- readMatrix(DataInput) -
Static method in class org.apache.mahout.math.MatrixWritable
- Reads a typed Matrix instance from the input stream
- readModel(DataInput) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
- Reads a typed Model instance from the input stream
- readNodeArray(DataInput) -
Static method in class org.apache.mahout.df.DFUtils
- Reads a Node[] from a DataInput
- readResult(FileSystem, Path, Configuration, Parameters) -
Static method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesClassifierDriver
-
- readSigmaJSigmaK(FileSystem, Path, Configuration) -
Static method in class org.apache.mahout.classifier.bayes.io.SequenceFileModelReader
-
- readUserIDFromString(String) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- Subclasses may wish to override this if ID values in the file are not numeric.
- readVocabCount(FileSystem, Path, Configuration) -
Static method in class org.apache.mahout.classifier.bayes.io.SequenceFileModelReader
-
- recommend(long, int) -
Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
-
Default implementation which just calls
Recommender.recommend(long, int, org.apache.mahout.cf.taste.recommender.IDRescorer)
, with a
Rescorer
that does nothing.
- recommend(long, int) -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- recommend(long, int, IDRescorer) -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender2
-
- recommend(long, int) -
Method in interface org.apache.mahout.cf.taste.recommender.Recommender
-
- recommend(long, int, IDRescorer) -
Method in interface org.apache.mahout.cf.taste.recommender.Recommender
-
- recommendedBecause(long, long, int) -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
-
- recommendedBecause(long, long, int) -
Method in interface org.apache.mahout.cf.taste.recommender.ItemBasedRecommender
-
Lists the items that were most influential in recommending a given item to a given user.
- RecommendedItem - Interface in org.apache.mahout.cf.taste.recommender
-
Implementations encapsulate items that are recommended, and include the item recommended and a value
expressing the strength of the preference.
- RecommendedItemsWritable - Class in org.apache.mahout.cf.taste.hadoop
- A
Writable
which encapsulates a list of RecommendedItem
s. - RecommendedItemsWritable() -
Constructor for class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- RecommendedItemsWritable(List<RecommendedItem>) -
Constructor for class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- Recommender - Interface in org.apache.mahout.cf.taste.recommender
-
Implementations of this interface can recommend items for a user.
- RecommenderBuilder - Interface in org.apache.mahout.cf.taste.eval
-
Implementations of this inner interface are simple helper classes which create a
Recommender
to be
evaluated based on the given DataModel
. - RecommenderEvaluator - Interface in org.apache.mahout.cf.taste.eval
-
Implementations of this interface evaluate the quality of a
Recommender
's recommendations. - RecommenderIRStatsEvaluator - Interface in org.apache.mahout.cf.taste.eval
-
Implementations collect information retrieval-related statistics on a
Recommender
's performance, including precision, recall and
f-measure. - RecommenderJob - Class in org.apache.mahout.cf.taste.hadoop.item
- Runs a completely distributed recommender job as a series of mapreduces.
- RecommenderJob() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
-
- RecommenderJob - Class in org.apache.mahout.cf.taste.hadoop.pseudo
-
This job runs a "pseudo-distributed" recommendation process on Hadoop.
- RecommenderJob() -
Constructor for class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderJob
-
- RecommenderMapper - Class in org.apache.mahout.cf.taste.hadoop.item
-
- RecommenderMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.RecommenderMapper
-
- RecommenderReducer - Class in org.apache.mahout.cf.taste.hadoop.pseudo
-
The
Reducer
which takes as input the user IDs parsed out by the map phase, and for each unique user
ID, computes recommendations with the configured Recommender
. - RecommenderReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderReducer
-
- recomputeCenter() -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Compute the centroid and set the center to it.
- recomputeCenter() -
Method in class org.apache.mahout.clustering.kmeans.Cluster
- Compute the centroid and set the center to it.
- reduce(VIntWritable, Iterator<VIntWritable>, OutputCollector<VIntWritable, VIntWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemBigramGenerator.UserItemReducer
-
- reduce(Bigram, Iterator<Bigram>, OutputCollector<Bigram, Bigram>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemSimilarityEstimator.ItemItemCombiner
-
- reduce(Bigram, Iterator<Bigram>, OutputCollector<Bigram, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemSimilarityEstimator.ItemItemReducer
-
- reduce(Bigram, Iterator<TupleWritable>, OutputCollector<VIntWritable, TupleWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner.JoinItemUserReducer
-
- reduce(Bigram, Iterator<TupleWritable>, OutputCollector<Text, Text>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender.RecommenderReducer
-
- reduce(IntWritable, Iterator<LongWritable>, OutputCollector<IntWritable, LongWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexReducer
-
- reduce(LongWritable, Iterator<ItemPrefWritable>, OutputCollector<LongWritable, VectorWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorReducer
-
- reduce(IntWritable, Iterator<IntWritable>, OutputCollector<IntWritable, VectorWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.item.UserVectorToCooccurrenceReducer
-
- reduce(LongWritable, Iterator<NullWritable>, OutputCollector<LongWritable, RecommendedItemsWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderReducer
-
- reduce(ItemItemWritable, Iterator<FloatWritable>, OutputCollector<ItemItemWritable, FloatWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneDiffsToAveragesReducer
-
- reduce(LongWritable, Iterator<ItemPrefWritable>, OutputCollector<ItemItemWritable, FloatWritable>, Reporter) -
Method in class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOnePrefsToDiffsReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesClassifierReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesThetaNormalizerReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.cbayes.CBayesThetaNormalizerReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesFeatureReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesTfIdfReducer
-
- reduce(StringTuple, Iterator<DoubleWritable>, OutputCollector<StringTuple, DoubleWritable>, Reporter) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesWeightSummerReducer
-
- reduce(Text, Iterator<VectorWritable>, OutputCollector<Text, Canopy>, Reporter) -
Method in class org.apache.mahout.clustering.canopy.CanopyReducer
-
- reduce(Text, Iterator<VectorWritable>, OutputCollector<Text, DirichletCluster<VectorWritable>>, Reporter) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletReducer
-
- reduce(Text, Iterator<FuzzyKMeansInfo>, OutputCollector<Text, FuzzyKMeansInfo>, Reporter) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansCombiner
-
- reduce(Text, Iterator<FuzzyKMeansInfo>, OutputCollector<Text, SoftCluster>, Reporter) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansReducer
-
- reduce(Text, Iterator<KMeansInfo>, OutputCollector<Text, KMeansInfo>, Reporter) -
Method in class org.apache.mahout.clustering.kmeans.KMeansCombiner
-
- reduce(Text, Iterator<KMeansInfo>, OutputCollector<Text, Cluster>, Reporter) -
Method in class org.apache.mahout.clustering.kmeans.KMeansReducer
-
- reduce(IntPairWritable, Iterable<DoubleWritable>, Reducer<IntPairWritable, DoubleWritable, IntPairWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.clustering.lda.LDAReducer
-
- reduce(Text, Iterator<MeanShiftCanopy>, OutputCollector<Text, MeanShiftCanopy>, Reporter) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyReducer
-
- reduce(Text, Iterable<TopKStringPatterns>, Reducer<Text, TopKStringPatterns, Text, TopKStringPatterns>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.AggregatorReducer
-
- reduce(Text, Iterable<LongWritable>, Reducer<Text, LongWritable, Text, LongWritable>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelCountingReducer
-
- reduce(LongWritable, Iterable<TransactionTree>, Reducer<LongWritable, TransactionTree, LongWritable, TransactionTree>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthCombiner
-
- reduce(LongWritable, Iterable<TransactionTree>, Reducer<LongWritable, TransactionTree, Text, TopKStringPatterns>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthReducer
-
- reduce(LongWritable, Iterable<TransactionTree>, Reducer<LongWritable, TransactionTree, LongWritable, TransactionTree>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.TransactionSortingReducer
-
- reduce(IntWritable, Iterator<VectorWritable>, OutputCollector<IntWritable, VectorWritable>, Reporter) -
Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob.MatrixMultiplicationReducer
-
- reduce(NullWritable, Iterator<VectorWritable>, OutputCollector<NullWritable, VectorWritable>, Reporter) -
Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.VectorSummingReducer
-
- reduce(IntWritable, Iterator<DistributedRowMatrix.MatrixEntryWritable>, OutputCollector<IntWritable, VectorWritable>, Reporter) -
Method in class org.apache.mahout.math.hadoop.TransposeJob.TransposeReducer
-
- ReducerMetrics - Enum in org.apache.mahout.cf.taste.hadoop.pseudo
- Custom metrics collected by
RecommenderReducer
. - refresh(Collection<Refreshable>) -
Method in interface org.apache.mahout.cf.taste.common.Refreshable
-
Triggers "refresh" -- whatever that means -- of the implementation.
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
- Typically this is called in and is the entire body of
that method.
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.AbstractJDBCDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.neighborhood.CachingUserNeighborhood
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.FarthestNeighborClusterSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.NearestNeighborClusterSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.RandomRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.file.FileDiffStorage
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.jdbc.AbstractJDBCDiffStorage
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.MemoryDiffStorage
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender2
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.CachingItemSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.jdbc.AbstractJDBCItemSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.transforms.CaseAmplification
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.transforms.InverseUserFrequency
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.transforms.ZScore
-
- Refreshable - Interface in org.apache.mahout.cf.taste.common
-
Implementations of this interface have state that can be periodically refreshed.
- RefreshHelper - Class in org.apache.mahout.cf.taste.impl.common
- A helper class for implementing
Refreshable
. - RefreshHelper(Callable<?>) -
Constructor for class org.apache.mahout.cf.taste.impl.common.RefreshHelper
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- reload() -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- remove(K) -
Method in class org.apache.mahout.cf.taste.impl.common.Cache
-
Uncaches any existing value for a given key.
- remove(long) -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- remove(long) -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- remove(Object) -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- remove() -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- remove() -
Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- remove() -
Method in class org.apache.mahout.common.FileLineIterator
-
- remove() -
Method in class org.apache.mahout.common.iterator.ArrayIterator
-
- remove() -
Method in class org.apache.mahout.common.iterator.DelegatingIterator
-
- remove() -
Method in class org.apache.mahout.common.iterator.EmptyIterator
-
- remove() -
Method in class org.apache.mahout.common.iterator.PermutingIterator
-
- remove() -
Method in class org.apache.mahout.common.iterator.SamplingIterator
-
- remove() -
Method in class org.apache.mahout.common.StringRecordIterator
-
- remove() -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.integer.IntegerTupleIterator
-
- remove() -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.string.StringTupleIterator
-
- remove() -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.TransactionIterator
-
- remove() -
Method in class org.apache.mahout.fpm.pfpgrowth.MultiTransactionTreeIterator
-
- remove() -
Method in class org.apache.mahout.fpm.pfpgrowth.TransactionTree.TransactionTreeIterator
-
- remove() -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.DistributedMatrixIterator
-
- REMOVE_PREFERENCE_SQL_KEY -
Static variable in class org.apache.mahout.cf.taste.impl.model.jdbc.GenericJDBCDataModel
-
- removeAll(long[]) -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- removeAll(FastIDSet) -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.CompactRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.CompactRunningAverageAndStdDev
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
-
- removeDatum(double) -
Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- removeDatum(double, double) -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- removeDependency(Refreshable) -
Method in class org.apache.mahout.cf.taste.impl.common.RefreshHelper
-
- removeHeaderNext(int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- See the warning at
FileDataModel.setPreference(long, long, float)
.
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.AbstractJDBCDataModel
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
-
Default implementation which just calls
DataModel.removePreference(long, long)
(Object, Object)}.
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
-
- removePreference(long, long) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
- removePreference(long, long) -
Method in interface org.apache.mahout.cf.taste.model.DataModel
-
Removes a particular preference for a user.
- removePreference(long, long) -
Method in interface org.apache.mahout.cf.taste.recommender.Recommender
-
- rename(Path, Path, FileSystem) -
Static method in class org.apache.mahout.common.HadoopUtil
-
- reorderHeaderTable() -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- replaceAt(int, Integer) -
Method in class org.apache.mahout.common.IntegerTuple
- Replaces the string at the given index with the given newString
- replaceAt(int, String) -
Method in class org.apache.mahout.common.StringTuple
- Replaces the string at the given index with the given newString
- replaceChild(int, int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- rescore(T, double) -
Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
-
- rescore(long, double) -
Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
-
- rescore(long, double) -
Method in interface org.apache.mahout.cf.taste.recommender.IDRescorer
-
- rescore(T, double) -
Method in interface org.apache.mahout.cf.taste.recommender.Rescorer
-
- Rescorer<T> - Interface in org.apache.mahout.cf.taste.recommender
-
A simply assigns a new "score" to a thing like an ID of an item or user which a
Recommender
is considering returning as a top recommendation. - ResultAnalyzer - Class in org.apache.mahout.classifier
- ResultAnalyzer captures the classification statistics and displays in a tabular manner
- ResultAnalyzer(Collection<String>, String) -
Constructor for class org.apache.mahout.classifier.ResultAnalyzer
-
- retainAll(FastIDSet) -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- Retriever<K,V> - Interface in org.apache.mahout.cf.taste.impl.common
-
Implementations can retrieve a value for a given key.
- retrieveTimesSquaredOutputVector(JobConf) -
Static method in class org.apache.mahout.math.hadoop.TimesSquaredJob
-
- rGamma(double, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns a double sampled according to this distribution.
- RMSRecommenderEvaluator - Class in org.apache.mahout.cf.taste.impl.eval
-
A
RecommenderEvaluator
which computes the "root mean squared"
difference between predicted and actual ratings for users. - RMSRecommenderEvaluator() -
Constructor for class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
-
- rMultinom(Vector) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns one sample from a multinomial.
- rMultinom(int, Vector) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Returns a multinomial vector sampled from the given probabilities
rmultinom should be implemented as successive binomial sampling.
- rNorm(double, double) -
Static method in class org.apache.mahout.clustering.dirichlet.UncommonDistributions
- Return a random value from a normal distribution with the given mean and standard deviation
- ROOTNODEID -
Static variable in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- rsplit(Random, int) -
Method in class org.apache.mahout.df.data.Data
- Splits the data in two, returns one part, and this gets the rest of the data.
- rsubset(Random, double) -
Method in class org.apache.mahout.df.data.Data
- Returns a random subset without modifying the current data
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemBigramGenerator
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.ItemSimilarityEstimator
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.item.RecommenderJob
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderJob
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneAverageDiffsJob
-
- run(Configuration) -
Method in class org.apache.mahout.df.mapred.partial.Step0Job
- Computes the partitions' first ids in Hadoop's order
- run(Configuration, TreeID[], Node[], PredictionCallback) -
Method in class org.apache.mahout.df.mapred.partial.Step2Job
- Run the second step.
- run(Configuration) -
Method in class org.apache.mahout.df.mapreduce.partial.Step0Job
- Computes the partitions' info in Hadoop's order
- run(Configuration, TreeID[], Node[], PredictionCallback) -
Method in class org.apache.mahout.df.mapreduce.partial.Step2Job
- Run the second step.
- run(String[]) -
Method in class org.apache.mahout.df.tools.Frequencies
-
- run(Configuration) -
Method in class org.apache.mahout.df.tools.FrequenciesJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.TransposeJob
-
- runClustering(String, String, String) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Run the job using supplied arguments
- runFuzzyKMeansIteration(List<Vector>, List<SoftCluster>, FuzzyKMeansClusterer) -
Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
- Perform a single iteration over the points and clusters, assigning points to clusters and returning if
the iterations are completed.
- runIteration(String, String, String, String, String, int, int, double, int) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Run the job using supplied arguments
- runIteration(String, String, String, int, int, double, int) -
Static method in class org.apache.mahout.clustering.lda.LDADriver
- Run the job using supplied arguments
- runJob(Parameters) -
Static method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesClassifierDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesThetaNormalizerDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.cbayes.CBayesDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.cbayes.CBayesThetaNormalizerDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesFeatureDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in interface org.apache.mahout.classifier.bayes.mapreduce.common.BayesJob
- Execute a classification job on a cluster.
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesTfIdfDriver
- Run the job
- runJob(String, String, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesWeightSummerDriver
- Run the job
- runJob(String, String, String, double, double) -
Static method in class org.apache.mahout.clustering.canopy.CanopyClusteringJob
- Run the job
- runJob(String, String, String, double, double) -
Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
- Run the job
- runJob(String, String, String, String, double, double) -
Static method in class org.apache.mahout.clustering.canopy.ClusterDriver
- Run the job
- runJob(String, String, String, int, int, double, int) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Deprecated. since it presumes 2-d, dense vector model prototypes
- runJob(String, String, String, String, int, int, int, double, int) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Run the job using supplied arguments
- runJob(String, String, String, String, int, int, int, double) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletJob
- Run the job using supplied arguments, deleting the output directory if it exists beforehand
- runJob(String, String, String, String, double, int, int, int, float) -
Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
- Run the job using supplied arguments
- runJob(String, String, String, String, double, int, int, int, boolean, float) -
Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansJob
- Run the job using supplied arguments
- runJob(String, String, String, String, double, int, int) -
Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
- Run the job using supplied arguments
- runJob(String, String, int, int, double, int, int) -
Static method in class org.apache.mahout.clustering.lda.LDADriver
- Run the job using supplied arguments
- runJob(String, String, String, String, double, double, double) -
Static method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyDriver
- Run the job
- runJob(String, String, String, double, double, double, int) -
Static method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyJob
- Run the job
- runJob(JobConf) -
Method in class org.apache.mahout.df.mapred.Builder
- Sequential implementation should override this method to simulate the job execution
- runJob(Job) -
Method in class org.apache.mahout.df.mapreduce.Builder
- Sequential implementation should override this method to simulate the job execution
- runKMeansIteration(List<Vector>, List<Cluster>, DistanceMeasure, double) -
Static method in class org.apache.mahout.clustering.kmeans.KMeansClusterer
- Perform a single iteration over the points and clusters, assigning points to clusters and returning if
the iterations are completed.
- runLoad(Recommender) -
Static method in class org.apache.mahout.cf.taste.impl.eval.LoadEvaluator
-
- runMeanShiftCanopyIteration(List<MeanShiftCanopy>, MeanShiftCanopyClusterer) -
Static method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyClusterer
- Perform a single iteration over the points and clusters, assigning points to clusters and returning if
the iterations are completed.
- RunningAverage - Interface in org.apache.mahout.cf.taste.impl.common
-
Interface for classes that can keep track of a running average of a series of numbers.
- RunningAverageAndStdDev - Interface in org.apache.mahout.cf.taste.impl.common
-
Extends
RunningAverage
by adding standard deviation too. - runPFPGrowth(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
S
- sample() -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- sample() -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
- TODO: Return a proper sample from the posterior.
- sample() -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
- Return an instance with the same parameters
- SampledNormalDistribution - Class in org.apache.mahout.clustering.dirichlet.models
- An implementation of the ModelDistribution interface suitable for testing the DirichletCluster algorithm.
- SampledNormalDistribution() -
Constructor for class org.apache.mahout.clustering.dirichlet.models.SampledNormalDistribution
-
- SampledNormalDistribution(VectorWritable) -
Constructor for class org.apache.mahout.clustering.dirichlet.models.SampledNormalDistribution
-
- SampledNormalModel - Class in org.apache.mahout.clustering.dirichlet.models
-
- SampledNormalModel() -
Constructor for class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
-
- SampledNormalModel(Vector, double) -
Constructor for class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalDistribution
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1ModelDistribution
-
- sampleFromPosterior(Model<O>[]) -
Method in interface org.apache.mahout.clustering.dirichlet.models.ModelDistribution
- Return a list of models sampled from the posterior
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModelDistribution
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1ModelDistribution
-
- sampleFromPrior(int) -
Method in interface org.apache.mahout.clustering.dirichlet.models.ModelDistribution
- Return a list of models sampled from the prior
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModelDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalDistribution
-
- SamplingIterable<T> - Class in org.apache.mahout.common.iterator
- Wraps an
Iterable
whose Iterable.iterator()
returns only some subset of the elements that
it would, as determined by a iterator rate parameter. - SamplingIterable(Iterable<? extends T>, double) -
Constructor for class org.apache.mahout.common.iterator.SamplingIterable
-
- SamplingIterator<T> - Class in org.apache.mahout.common.iterator
- Wraps an
Iterator
and returns only some subset of the elements that it would, as determined by a
iterator rate parameter. - SamplingIterator(Iterator<? extends T>, double) -
Constructor for class org.apache.mahout.common.iterator.SamplingIterator
-
- SamplingLongPrimitiveIterator - Class in org.apache.mahout.cf.taste.impl.common
- Wraps an
Iterator
and returns only some subset of the elements that it would, as determined by a
sampling rate parameter. - SamplingLongPrimitiveIterator(LongPrimitiveIterator, double) -
Constructor for class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- saveCleanEigens(List<Map.Entry<MatrixSlice, EigenStatus>>) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- scale(VectorWritable) -
Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
-
- seedBytesToLong(byte[]) -
Static method in class org.apache.mahout.common.RandomUtils
-
- SequenceFileModelReader - Class in org.apache.mahout.classifier.bayes.io
- This Class reads the different interim files created during the Training stage as well as the Model File
during testing.
- SequenceFileOutputCollector<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.mahout.fpm.pfpgrowth.convertors
- Collects the
Writable
key and Writable
value, and writes them into a SequenceFile
- SequenceFileOutputCollector(SequenceFile.Writer) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.SequenceFileOutputCollector
-
- SequentialAccessSparseVectorWritable - Class in org.apache.mahout.math
-
- SequentialAccessSparseVectorWritable(SequentialAccessSparseVector) -
Constructor for class org.apache.mahout.math.SequentialAccessSparseVectorWritable
-
- SequentialAccessSparseVectorWritable() -
Constructor for class org.apache.mahout.math.SequentialAccessSparseVectorWritable
-
- SequentialBuilder - Class in org.apache.mahout.df.ref
- Builds a Random Decision Forest using a given TreeBuilder to grow the trees
- SequentialBuilder(Random, TreeBuilder, Data) -
Constructor for class org.apache.mahout.df.ref.SequentialBuilder
- Constructor
- serialize(DirichletCluster<?>, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.dirichlet.JsonClusterAdapter
-
- serialize(Model<?>, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.dirichlet.JsonModelAdapter
-
- serializeOutput(Matrix, List<Double>, String) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
- TODO: this should be refactored to allow both LanczosSolver impls to properly serialize output in a generic way.
- set(int, int) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.Bigram
-
- set(int, Writable) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- set(int, Preference) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets preference at i from information in the given
Preference
- set(K, V) -
Method in interface org.apache.mahout.common.cache.Cache
- puts the key and its value into the cache
- set(K, V) -
Method in class org.apache.mahout.common.cache.HybridCache
-
- set(K, V) -
Method in class org.apache.mahout.common.cache.LeastKCache
-
- set(K, V) -
Method in class org.apache.mahout.common.cache.LFUCache
-
- set(K, V) -
Method in class org.apache.mahout.common.cache.LRUCache
-
- set(int, int) -
Method in class org.apache.mahout.common.IntPairWritable
-
- set(T) -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- set(T) -
Method in interface org.apache.mahout.common.parameters.Parameter
-
- set(String, String) -
Method in class org.apache.mahout.common.Parameters
-
- set(int, double) -
Method in class org.apache.mahout.df.data.Instance
- Set the value at the given index
- set(int, int) -
Method in class org.apache.mahout.df.mapreduce.partial.TreeID
-
- set(Matrix) -
Method in class org.apache.mahout.math.MatrixWritable
-
- set(Vector) -
Method in class org.apache.mahout.math.VectorWritable
-
- SET_PREFERENCE_SQL_KEY -
Static variable in class org.apache.mahout.cf.taste.impl.model.jdbc.GenericJDBCDataModel
-
- setBoundPoints(IntArrayList) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- setCenter(Vector) -
Method in class org.apache.mahout.clustering.ClusterBase
-
- setClusters(List<DirichletCluster<O>>) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setCol(int) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- setCombinerPass(int) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansInfo
-
- setConditional(int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setConf(Configuration) -
Method in class org.apache.mahout.cf.taste.hadoop.AbstractJob
-
- setConf(Configuration) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver.DistributedLanczosSolverJob
-
- setConf(Configuration) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
-
- setConverged(boolean) -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- setConverged(boolean) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- setEigensToVerify(VectorIterable) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- setFirst(int) -
Method in class org.apache.mahout.common.IntPairWritable
-
- setFirstLevelCacheSize(int) -
Static method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTreeDepthCache
-
- setId(int) -
Method in class org.apache.mahout.clustering.ClusterBase
-
- setIgSplit(IgSplit) -
Method in class org.apache.mahout.df.builder.DefaultTreeBuilder
-
- setItemID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
- Sets item ID for preference at i.
- setItemID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- setItemID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
- Sets item ID for preference at i.
- setItemID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- setItemID(int, long) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets item ID for preference at i.
- setLabel(String) -
Method in class org.apache.mahout.classifier.ClassifierResult
-
- setLabels(int[]) -
Method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- setLoginTimeout(int) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.ConnectionPoolDataSource
-
- setLogWriter(PrintWriter) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.ConnectionPoolDataSource
-
- setLongParameter(PreparedStatement, int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.AbstractJDBCDataModel
- Subclasses may wish to override this if ID values in the file are not numeric.
- setM(int) -
Method in class org.apache.mahout.df.builder.DefaultTreeBuilder
-
- setMaxPreference(float) -
Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
- Sets the maximum preference value that is possible in the current problem domain being evaluated.
- setMinPreference(float) -
Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
- Sets the minimum preference value that is possible in the current problem domain being evaluated.
- setMixture(Vector) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setModel(Model<O>) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- setModelFactory(ModelDistribution<O>) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setModelPrototype(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.VectorModelDistribution
-
- setNbTrees(Configuration, int) -
Static method in class org.apache.mahout.df.mapred.Builder
- Set the number of trees to grow for the map-reduce job
- setNbTrees(Configuration, int) -
Static method in class org.apache.mahout.df.mapreduce.Builder
- Set the number of trees to grow for the map-reduce job
- setNext(int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setNumClusters(int) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setNumPoints(int) -
Method in class org.apache.mahout.clustering.ClusterBase
-
- setOutputDirName(String) -
Method in class org.apache.mahout.df.mapred.Builder
- Sets the Output directory name, will be creating in the working directory
- setOutputDirName(String) -
Method in class org.apache.mahout.df.mapreduce.Builder
- Sets the Output directory name, will be creating in the working directory
- setOutputTempPathString(String) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
-
- setParent(int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setPointTotal(Vector) -
Method in class org.apache.mahout.clustering.ClusterBase
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- Note that this method only updates the in-memory preference data that this
maintains; it does not modify any data on disk.
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.AbstractBooleanPrefJDBCDataModel
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.AbstractJDBCDataModel
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.recommender.AbstractRecommender
-
Default implementation which just calls
DataModel.setPreference(long, long, float)
.
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
- setPreference(long, long, float) -
Method in interface org.apache.mahout.cf.taste.model.DataModel
-
Sets a particular preference (item plus rating) for a user.
- setPreference(long, long, float) -
Method in interface org.apache.mahout.cf.taste.recommender.Recommender
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- setPreferenceInferrer(PreferenceInferrer) -
Method in interface org.apache.mahout.cf.taste.similarity.UserSimilarity
-
Attaches a
PreferenceInferrer
to the implementation.
- setRow(int) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- setScore(double) -
Method in class org.apache.mahout.classifier.ClassifierResult
-
- setSecond(int) -
Method in class org.apache.mahout.common.IntPairWritable
-
- setSeed(long) -
Method in class org.apache.mahout.common.RandomWrapper
-
- setSigmaJSigmaK(double) -
Method in class org.apache.mahout.classifier.bayes.datastore.InMemoryBayesDatastore
-
- setSinglePath(boolean) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setStep2(Configuration, boolean) -
Static method in class org.apache.mahout.df.mapred.partial.PartialBuilder
- Should run the second step of the builder ?
- setStep2(Configuration, boolean) -
Static method in class org.apache.mahout.df.mapreduce.partial.PartialBuilder
- Should run the second step of the builder ?
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.ClassParameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.CompositeParameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.DoubleParameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.FileParameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.IntegerParameter
-
- setStringValue(String) -
Method in interface org.apache.mahout.common.parameters.Parameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.PathParameter
-
- setStringValue(String) -
Method in class org.apache.mahout.common.parameters.StringParameter
-
- setSumFeatureWeight(String, double) -
Method in class org.apache.mahout.classifier.bayes.datastore.InMemoryBayesDatastore
-
- setSumLabelWeight(String, double) -
Method in class org.apache.mahout.classifier.bayes.datastore.InMemoryBayesDatastore
-
- setTempPrefs(PreferenceArray) -
Method in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- setThetaNormalizer(String, double) -
Method in class org.apache.mahout.classifier.bayes.datastore.InMemoryBayesDatastore
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntPairWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.clustering.lda.LDAMapper
-
- setup(Mapper<IntWritable, NullWritable, IntWritable, MapredOutput>.Context) -
Method in class org.apache.mahout.df.mapreduce.inmem.InMemMapper
-
- setup(Mapper<KEYIN, VALUEIN, KEYOUT, VALUEOUT>.Context) -
Method in class org.apache.mahout.df.mapreduce.MapredMapper
-
- setup(Mapper<LongWritable, Text, IntWritable, Step0Job.Step0Output>.Context) -
Method in class org.apache.mahout.df.mapreduce.partial.Step0Job.Step0Mapper
-
- setup(Mapper<LongWritable, Text, TreeID, MapredOutput>.Context) -
Method in class org.apache.mahout.df.mapreduce.partial.Step1Mapper
-
- setup(Mapper<LongWritable, Text, TreeID, MapredOutput>.Context) -
Method in class org.apache.mahout.df.mapreduce.partial.Step2Mapper
-
- setup(Reducer<Text, TopKStringPatterns, Text, TopKStringPatterns>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.AggregatorReducer
-
- setup(Mapper<LongWritable, Text, Text, LongWritable>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelCountingMapper
-
- setup(Mapper<LongWritable, TransactionTree, LongWritable, TransactionTree>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthMapper
-
- setup(Reducer<LongWritable, TransactionTree, Text, TopKStringPatterns>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.ParallelFPGrowthReducer
-
- setup(Mapper<LongWritable, Text, LongWritable, TransactionTree>.Context) -
Method in class org.apache.mahout.fpm.pfpgrowth.TransactionSortingMapper
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
- Sets user ID for preference at i.
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
- Sets user ID for preference at i.
- setUserID(int, long) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets user ID for preference at i.
- setVal(double) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- setValue(float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- setValue(float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- setValue(float) -
Method in interface org.apache.mahout.cf.taste.model.Preference
- Sets the strength of the preference for this item
- setValue(int, float) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets preference value for preference at i.
- setWeights(Vector) -
Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
-
- shallowCopy() -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- shiftBias(double) -
Method in class org.apache.mahout.classifier.discriminative.LinearModel
- Shift the bias of the model.
- shiftToMean(MeanShiftCanopy) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyClusterer
- Shift the center to the new centroid of the cluster
- SimilarityTransform - Interface in org.apache.mahout.cf.taste.transforms
-
Implementations encapsulate some transformation on similarity values between two things, where things might
be IDs of users or items or something else.
- SimilarUser - Class in org.apache.mahout.cf.taste.impl.recommender
- Simply encapsulates a user and a similarity value.
- SimilarUser(long, double) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
-
- singlePath() -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- SingleTreePredictions - Class in org.apache.mahout.df.callback
- Collects the predictions for a single tree
- SingleTreePredictions(int) -
Constructor for class org.apache.mahout.df.callback.SingleTreePredictions
-
- size() -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- size() -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- size() -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- size() -
Method in interface org.apache.mahout.common.cache.Cache
- returns the current size of the cache
- size() -
Method in class org.apache.mahout.common.cache.HybridCache
-
- size() -
Method in class org.apache.mahout.common.cache.LeastKCache
-
- size() -
Method in class org.apache.mahout.common.cache.LFUCache
-
- size() -
Method in class org.apache.mahout.common.cache.LRUCache
-
- size() -
Method in class org.apache.mahout.df.data.Data
- Returns the number of elements
- skip(int) -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- skip(int) -
Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- skip(int) -
Method in interface org.apache.mahout.cf.taste.impl.common.SkippingIterator
- Skip the next n elements supplied by this
Iterator
.
- skip(int) -
Method in class org.apache.mahout.common.FileLineIterator
-
- skip(int) -
Method in class org.apache.mahout.common.iterator.ArrayIterator
-
- SkippingIterator<V> - Interface in org.apache.mahout.cf.taste.impl.common
- Adds ability to skip ahead in an iterator, perhaps more efficiently than by calling
Iterator.next()
repeatedly. - SlopeOneAverageDiffsJob - Class in org.apache.mahout.cf.taste.hadoop.slopeone
-
- SlopeOneAverageDiffsJob() -
Constructor for class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneAverageDiffsJob
-
- SlopeOneDiffsToAveragesReducer - Class in org.apache.mahout.cf.taste.hadoop.slopeone
-
- SlopeOneDiffsToAveragesReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneDiffsToAveragesReducer
-
- SlopeOnePrefsToDiffsReducer - Class in org.apache.mahout.cf.taste.hadoop.slopeone
-
- SlopeOnePrefsToDiffsReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOnePrefsToDiffsReducer
-
- SlopeOneRecommender - Class in org.apache.mahout.cf.taste.impl.recommender.slopeone
-
A basic "slope one" recommender.
- SlopeOneRecommender(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
Creates a default (weighted) based on the given
DataModel
.
- SlopeOneRecommender(DataModel, Weighting, Weighting, DiffStorage) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
Creates a based on the given
DataModel
.
- SoftCluster - Class in org.apache.mahout.clustering.fuzzykmeans
-
- SoftCluster() -
Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- SoftCluster(Vector) -
Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Construct a new SoftCluster with the given point as its center
- SoftCluster(Vector, int) -
Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Construct a new SoftCluster with the given point as its center
- SoftCluster(String) -
Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Construct a new softcluster with the given clusterID
- sortByItem() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- sortByItem() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- sortByItem() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- sortByItem() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- sortByItem() -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sorts underlying array by item ID, ascending.
- sortByUser() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- sortByUser() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- sortByUser() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- sortByUser() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- sortByUser() -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sorts underlying array by user ID, ascending.
- sortByValue() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- sortByValue() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- sortByValue() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- sortByValue() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- sortByValue() -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sorts underlying array by preference value, ascending.
- sortByValueReversed() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- sortByValueReversed() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- sortByValueReversed() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- sortByValueReversed() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- sortByValueReversed() -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sorts underlying array by preference value, descending.
- sortSplits(InputSplit[]) -
Static method in class org.apache.mahout.df.mapred.Builder
- sort the splits into order based on size, so that the biggest go first.
This is the same code used by Hadoop's JobClient.
- sortSplits(InputSplit[]) -
Static method in class org.apache.mahout.df.mapreduce.Builder
- sort the splits into order based on size, so that the biggest go first.
This is the same code used by Hadoop's JobClient.
- SpearmanCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
Like
PearsonCorrelationSimilarity
, but compares relative ranking of preference values instead of
preference values themselves. - SpearmanCorrelationSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
-
- Split - Class in org.apache.mahout.df.split
- Contains enough information to identify each split
- Split(int, double, double) -
Constructor for class org.apache.mahout.df.split.Split
-
- Split(int, double) -
Constructor for class org.apache.mahout.df.split.Split
-
- split -
Variable in class org.apache.mahout.df.split.Split
- split value for NUMERICAL attributes
- SPLITTER -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- SquaredEuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
- Like
EuclideanDistanceMeasure
but it does not take the square root. - SquaredEuclideanDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.SquaredEuclideanDistanceMeasure
-
- StableFixedSizeSamplingIterator<T> - Class in org.apache.mahout.common.iterator
- Sample a fixed number of elements from an Iterator.
- StableFixedSizeSamplingIterator(int, Iterator<T>) -
Constructor for class org.apache.mahout.common.iterator.StableFixedSizeSamplingIterator
-
- startAggregating(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Run the aggregation Job to aggregate the different TopK patterns and group each Pattern by the features
present in it and thus calculate the final Top K frequent Patterns for each feature
- startGroupingItems(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Group the given Features into g groups as defined by the numGroups parameter in params
- startParallelCounting(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Count the frequencies of various features in parallel using Map/Reduce
- startParallelFPGrowth(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Run the Parallel FPGrowth Map/Reduce Job to calculate the Top K features of group dependent shards
- startTransactionSorting(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
- Run the Parallel FPGrowth Map/Reduce Job to calculate the Top K features of group dependent shards
- STATE_IN_KEY -
Static variable in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- StatusUpdater - Interface in org.apache.mahout.fpm.pfpgrowth.convertors
- An interface of a Status updater
- std() -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Compute a "standard deviation" value to use as the "radius" of the cluster for display purposes
- Step0Job - Class in org.apache.mahout.df.mapred.partial
- preparation step of the partial mapreduce builder.
- Step0Job(Path, Path, Path) -
Constructor for class org.apache.mahout.df.mapred.partial.Step0Job
-
- Step0Job - Class in org.apache.mahout.df.mapreduce.partial
- preparation step of the partial mapreduce builder.
- Step0Job(Path, Path, Path) -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step0Job
-
- Step0Job.Step0Mapper - Class in org.apache.mahout.df.mapreduce.partial
- Outputs the first key and the size of the partition
- Step0Job.Step0Mapper() -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step0Job.Step0Mapper
-
- Step0Job.Step0Output - Class in org.apache.mahout.df.mapred.partial
- Output of the step0's mappers
- Step0Job.Step0Output(long, int) -
Constructor for class org.apache.mahout.df.mapred.partial.Step0Job.Step0Output
-
- Step0Job.Step0Output - Class in org.apache.mahout.df.mapreduce.partial
- Output of the step0's mappers
- Step0Job.Step0Output(long, int) -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step0Job.Step0Output
-
- Step1Mapper - Class in org.apache.mahout.df.mapred.partial
- First step of the Partial Data Builder.
- Step1Mapper() -
Constructor for class org.apache.mahout.df.mapred.partial.Step1Mapper
-
- Step1Mapper - Class in org.apache.mahout.df.mapreduce.partial
- First step of the Partial Data Builder.
- Step1Mapper() -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step1Mapper
-
- Step2Job - Class in org.apache.mahout.df.mapred.partial
- 2nd step of the partial mapreduce builder.
- Step2Job(Path, Path, Path, Step0Job.Step0Output[]) -
Constructor for class org.apache.mahout.df.mapred.partial.Step2Job
-
- Step2Job - Class in org.apache.mahout.df.mapreduce.partial
- 2nd step of the partial mapreduce builder.
- Step2Job(Path, Path, Path, Step0Job.Step0Output[]) -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step2Job
-
- Step2Mapper - Class in org.apache.mahout.df.mapred.partial
- Second step of PartialBuilder.
- Step2Mapper() -
Constructor for class org.apache.mahout.df.mapred.partial.Step2Mapper
-
- Step2Mapper - Class in org.apache.mahout.df.mapreduce.partial
- Second step of PartialBuilder.
- Step2Mapper() -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step2Mapper
-
- STEvolutionEngine<T> - Class in org.apache.mahout.ga.watchmaker
- Single Threaded Evolution Engine.
- STEvolutionEngine(CandidateFactory<T>, EvolutionaryOperator<T>, FitnessEvaluator<? super T>, SelectionStrategy<? super T>, Random) -
Constructor for class org.apache.mahout.ga.watchmaker.STEvolutionEngine
-
- STFitnessEvaluator<T> - Class in org.apache.mahout.ga.watchmaker
- Special Fitness Evaluator that evaluates all the population ones.
- STFitnessEvaluator() -
Constructor for class org.apache.mahout.ga.watchmaker.STFitnessEvaluator
-
- store(FileSystem, Path, TreeID[], Node[], int[]) -
Static method in class org.apache.mahout.df.mapreduce.partial.InterResults
- Write the forest trees into a file
- storeMapping(long, String) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
-
- storeMapping(long, String) -
Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
-
- storeMapping(long, String) -
Method in interface org.apache.mahout.cf.taste.model.IDMigrator
- Stores the reverse long-to-String mapping in some kind of backing store.
- stringAt(int) -
Method in class org.apache.mahout.common.StringTuple
- Fetches the string at the given location
- StringOutputConverter - Class in org.apache.mahout.fpm.pfpgrowth.convertors.string
- Collects a string pattern in a MaxHeap and outputs the top K patterns
- StringOutputConverter(OutputCollector<Text, TopKStringPatterns>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.string.StringOutputConverter
-
- StringParameter - Class in org.apache.mahout.common.parameters
-
- StringParameter(String, String, JobConf, String, String) -
Constructor for class org.apache.mahout.common.parameters.StringParameter
-
- StringRecordIterator - Class in org.apache.mahout.common
-
- StringRecordIterator(FileLineIterable, String) -
Constructor for class org.apache.mahout.common.StringRecordIterator
-
- StringTuple - Class in org.apache.mahout.common
- An Ordered List of Strings which can be used in a Hadoop Map/Reduce Job
- StringTuple() -
Constructor for class org.apache.mahout.common.StringTuple
-
- StringTuple(String) -
Constructor for class org.apache.mahout.common.StringTuple
-
- StringTuple(Iterable<String>) -
Constructor for class org.apache.mahout.common.StringTuple
-
- StringTuple(String[]) -
Constructor for class org.apache.mahout.common.StringTuple
-
- StringTupleIterator - Class in org.apache.mahout.fpm.pfpgrowth.convertors.string
- Iterate over the StringTuple as an iterator of
List<String>
- StringTupleIterator(Iterator<StringTuple>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.string.StringTupleIterator
-
- StringUtils - Class in org.apache.mahout.common
- Offers two methods to convert an object to a string representation and restore the object given its string
representation.
- subset(Condition) -
Method in class org.apache.mahout.df.data.Data
- Returns the subset from this data that matches the given condition
- sum(int[]) -
Static method in class org.apache.mahout.df.data.DataUtils
- Computes the sum of the values
- Summarizable - Interface in org.apache.mahout.common
- A Summarizable Interface.
- summarize() -
Method in class org.apache.mahout.classifier.ConfusionMatrix
-
- summarize() -
Method in class org.apache.mahout.classifier.ResultAnalyzer
-
- summarize() -
Method in interface org.apache.mahout.common.Summarizable
-
- support() -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.Pattern
-
- SVDRecommender - Class in org.apache.mahout.cf.taste.impl.recommender.svd
-
A
Recommender
which uses Single Value Decomposition to find the main features of the data set. - SVDRecommender(DataModel, int, int) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- swap() -
Method in class org.apache.mahout.common.LongPair
-
- swap() -
Method in class org.apache.mahout.common.Pair
-
T
- T1_KEY -
Static variable in interface org.apache.mahout.clustering.canopy.CanopyConfigKeys
-
- T1_KEY -
Static variable in interface org.apache.mahout.clustering.meanshift.MeanShiftCanopyConfigKeys
-
- T2_KEY -
Static variable in interface org.apache.mahout.clustering.canopy.CanopyConfigKeys
-
- T2_KEY -
Static variable in interface org.apache.mahout.clustering.meanshift.MeanShiftCanopyConfigKeys
-
- TanimotoCoefficientSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
An implementation of a "similarity" based on the
Tanimoto coefficient, or extended Jaccard
coefficient.
- TanimotoCoefficientSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- TanimotoDistanceMeasure - Class in org.apache.mahout.common.distance
- Tanimoto coefficient implementation.
- TanimotoDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.TanimotoDistanceMeasure
-
- TasteException - Exception in org.apache.mahout.cf.taste.common
-
An exception thrown when an error occurs inside the Taste engine.
- TasteException() -
Constructor for exception org.apache.mahout.cf.taste.common.TasteException
-
- TasteException(String) -
Constructor for exception org.apache.mahout.cf.taste.common.TasteException
-
- TasteException(Throwable) -
Constructor for exception org.apache.mahout.cf.taste.common.TasteException
-
- TasteException(String, Throwable) -
Constructor for exception org.apache.mahout.cf.taste.common.TasteException
-
- TEMP_USER_ID -
Static variable in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- TestClassifier - Class in org.apache.mahout.classifier.bayes
- Test the Naive Bayes classifier with improved weighting
To run the twenty newsgroups example: refer http://cwiki.apache.org/MAHOUT/twentynewsgroups.html
- testReferenceImplementation() -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyClusterer
- Story: User can exercise the reference implementation to verify that the test datapoints are clustered in
a reasonable manner.
- ThresholdUserNeighborhood - Class in org.apache.mahout.cf.taste.impl.neighborhood
-
Computes a neigbhorhood consisting of all users whose similarity to the given user meets or exceeds a
certain threshold.
- ThresholdUserNeighborhood(double, UserSimilarity, DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- ThresholdUserNeighborhood(double, UserSimilarity, DataModel, double) -
Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- times(DistributedRowMatrix) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
-
- times(Vector) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
-
- timesDelta(int, double) -
Method in class org.apache.mahout.classifier.discriminative.LinearModel
- Multiply the weight at index by delta.
- timesSquared(Vector) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
-
- TimesSquaredJob - Class in org.apache.mahout.math.hadoop
-
- TimesSquaredJob.TimesMapper - Class in org.apache.mahout.math.hadoop
-
- TimesSquaredJob.TimesMapper() -
Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesMapper
-
- TimesSquaredJob.TimesSquaredMapper<T extends org.apache.hadoop.io.WritableComparable> - Class in org.apache.mahout.math.hadoop
-
- TimesSquaredJob.TimesSquaredMapper() -
Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
-
- TimesSquaredJob.VectorSummingReducer - Class in org.apache.mahout.math.hadoop
-
- TimesSquaredJob.VectorSummingReducer() -
Constructor for class org.apache.mahout.math.hadoop.TimesSquaredJob.VectorSummingReducer
-
- TimingStatistics - Class in org.apache.mahout.common
-
- TimingStatistics() -
Constructor for class org.apache.mahout.common.TimingStatistics
- Creates a new instance of CallStats
- TimingStatistics(int, long, long, long, double) -
Constructor for class org.apache.mahout.common.TimingStatistics
-
- TimingStatistics.Call - Class in org.apache.mahout.common
-
- toArray() -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- toDataMap(FastByIDMap<PreferenceArray>) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- toDataMap(FastByIDMap<Collection<Preference>>, boolean) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
- Swaps, in-place,
List
s for arrays in Map
values .
- ToItemPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
- Input
- ToItemPrefsMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.ToItemPrefsMapper
-
- toLongID(String) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractIDMigrator
-
- toLongID(String) -
Method in interface org.apache.mahout.cf.taste.model.IDMigrator
-
- topicSmoothing -
Variable in class org.apache.mahout.clustering.lda.LDAState
-
- TopItems - Class in org.apache.mahout.cf.taste.impl.recommender
-
A simple class that refactors the "find top N things" logic that is used in several places.
- TopItems.Estimator<T> - Interface in org.apache.mahout.cf.taste.impl.recommender
-
- TopKPatternsOutputConverter<A extends java.lang.Comparable<? super A>> - Class in org.apache.mahout.fpm.pfpgrowth.convertors
- An output converter which converts the output patterns and collectes them in a
FrequentPatternMaxHeap
- TopKPatternsOutputConverter(OutputCollector<A, List<Pair<List<A>, Long>>>, Map<Integer, A>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.TopKPatternsOutputConverter
-
- TopKStringPatterns - Class in org.apache.mahout.fpm.pfpgrowth.convertors.string
- A class which collects Top K string patterns
- TopKStringPatterns() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- TopKStringPatterns(List<Pair<List<String>, Long>>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.Bigram.Frequency
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.Bigram
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.ItemItemWritable
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.Cache
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.CompactRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.CompactRunningAverageAndStdDev
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.FarthestNeighborClusterSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericBooleanPrefUserBasedRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericItemBasedRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericRecommendedItem
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.GenericUserBasedRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemAverageRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.ItemUserAverageRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.NearestNeighborClusterSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.NullRescorer
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.SimilarUser
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.MemoryDiffStorage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.SlopeOneRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender2
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.AveragingPreferenceInferrer
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.transforms.CaseAmplification
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.transforms.InverseUserFrequency
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.transforms.ZScore
-
- toString() -
Method in class org.apache.mahout.classifier.ClassifierResult
-
- toString() -
Method in class org.apache.mahout.classifier.discriminative.LinearModel
-
- toString() -
Method in class org.apache.mahout.classifier.ResultAnalyzer
-
- toString() -
Method in class org.apache.mahout.clustering.canopy.Canopy
-
- toString() -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
-
- toString() -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- toString() -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
-
- toString() -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
-
- toString() -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- toString() -
Method in class org.apache.mahout.clustering.kmeans.Cluster
-
- toString() -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- toString() -
Method in class org.apache.mahout.common.IntegerTuple
-
- toString() -
Method in class org.apache.mahout.common.IntPairWritable.Frequency
-
- toString() -
Method in class org.apache.mahout.common.IntPairWritable
-
- toString() -
Method in class org.apache.mahout.common.iterator.ArrayIterator
-
- toString() -
Method in class org.apache.mahout.common.iterator.EmptyIterable
-
- toString() -
Method in class org.apache.mahout.common.iterator.EmptyIterator
-
- toString() -
Method in class org.apache.mahout.common.iterator.IteratorIterable
-
- toString() -
Method in class org.apache.mahout.common.LongPair
-
- toString() -
Method in class org.apache.mahout.common.Pair
-
- toString() -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- toString() -
Method in class org.apache.mahout.common.Parameters
-
- toString() -
Method in class org.apache.mahout.common.StringTuple
-
- toString(Object) -
Static method in class org.apache.mahout.common.StringUtils
- Converts the object to a one-line string representation
- toString() -
Method in class org.apache.mahout.common.TimingStatistics
-
- toString() -
Method in class org.apache.mahout.df.mapred.inmem.InMemInputFormat.InMemInputSplit
-
- toString() -
Method in class org.apache.mahout.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- toString() -
Method in class org.apache.mahout.df.mapreduce.MapredOutput
-
- toString() -
Method in class org.apache.mahout.df.node.Node
-
- toString() -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- toString() -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.Pattern
-
- toStringID(long) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
-
- toStringID(long) -
Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
-
- toStringID(long) -
Method in interface org.apache.mahout.cf.taste.model.IDMigrator
-
- TOTAL_SUM -
Static variable in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesConstants
-
- totalCounts() -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- ToUserVectorReducer - Class in org.apache.mahout.cf.taste.hadoop.item
- Input
- ToUserVectorReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorReducer
-
- train(int, int, int, double) -
Method in class org.apache.mahout.cf.taste.impl.recommender.svd.ExpectationMaximizationSVD
-
- train(int) -
Method in class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- train(Vector, Matrix) -
Method in class org.apache.mahout.classifier.discriminative.LinearTrainer
- Initializes training.
- TrainClassifier - Class in org.apache.mahout.classifier.bayes
- Train the Naive Bayes classifier with improved weighting
To run the twenty newsgroups example: refer http://cwiki.apache.org/MAHOUT/twentynewsgroups.html
- trainCNaiveBayes(String, String, BayesParameters) -
Static method in class org.apache.mahout.classifier.bayes.TrainClassifier
-
- TrainingException - Exception in org.apache.mahout.classifier.discriminative
- This exception is thrown in case training fails.
- TrainingException(String) -
Constructor for exception org.apache.mahout.classifier.discriminative.TrainingException
- Init with message string describing the cause of the exception.
- trainNaiveBayes(String, String, BayesParameters) -
Static method in class org.apache.mahout.classifier.bayes.TrainClassifier
-
- TransactionIterator<AP> - Class in org.apache.mahout.fpm.pfpgrowth.convertors
- Iterates over a Transaction and outputs the transaction integer id mapping and the support of the
transaction
- TransactionIterator(Iterator<Pair<List<AP>, Long>>, Map<AP, Integer>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.convertors.TransactionIterator
-
- TransactionSortingMapper - Class in org.apache.mahout.fpm.pfpgrowth
- maps each transaction to all unique items groups in the transaction.
- TransactionSortingMapper() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionSortingMapper
-
- TransactionSortingReducer - Class in org.apache.mahout.fpm.pfpgrowth
- takes each group of transactions and runs Vanilla FPGrowth on it and
outputs the the Top K frequent Patterns for each group.
- TransactionSortingReducer() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionSortingReducer
-
- TransactionTree - Class in org.apache.mahout.fpm.pfpgrowth
- A compact representation of transactions modeled on the lines to
FPTree
This reduces plenty of space and speeds up
Map/Reduce of PFPGrowth
algorithm by reducing data size passed from the Mapper to the reducer where
FPGrowth
mining is done - TransactionTree() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- TransactionTree(int) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- TransactionTree(Integer[], Long) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- TransactionTree(List<Pair<List<Integer>, Long>>) -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- TransactionTree.TransactionTreeIterator - Class in org.apache.mahout.fpm.pfpgrowth
- Generates a List of transactions view of Transaction Tree by doing Depth First Traversal on the tree
structure
- TransactionTree.TransactionTreeIterator() -
Constructor for class org.apache.mahout.fpm.pfpgrowth.TransactionTree.TransactionTreeIterator
-
- transformSimilarity(long, long, double) -
Method in class org.apache.mahout.cf.taste.impl.transforms.CaseAmplification
-
Transforms one similarity value.
- transformSimilarity(long, long, double) -
Method in interface org.apache.mahout.cf.taste.transforms.SimilarityTransform
-
- transpose() -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
-
- TransposeJob - Class in org.apache.mahout.math.hadoop
- TODO: rewrite to use helpful combiner.
- TransposeJob() -
Constructor for class org.apache.mahout.math.hadoop.TransposeJob
-
- TransposeJob.TransposeMapper - Class in org.apache.mahout.math.hadoop
-
- TransposeJob.TransposeMapper() -
Constructor for class org.apache.mahout.math.hadoop.TransposeJob.TransposeMapper
-
- TransposeJob.TransposeReducer - Class in org.apache.mahout.math.hadoop
-
- TransposeJob.TransposeReducer() -
Constructor for class org.apache.mahout.math.hadoop.TransposeJob.TransposeReducer
-
- TreeBuilder - Interface in org.apache.mahout.df.builder
- Abstract base class for TreeBuilders
- TreeClusteringRecommender - Class in org.apache.mahout.cf.taste.impl.recommender
-
A
Recommender
that clusters users, then determines the
clusters' top recommendations. - TreeClusteringRecommender(DataModel, ClusterSimilarity, int) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- TreeClusteringRecommender(DataModel, ClusterSimilarity, int, double) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- TreeClusteringRecommender(DataModel, ClusterSimilarity, double) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- TreeClusteringRecommender(DataModel, ClusterSimilarity, double, double) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender
-
- TreeClusteringRecommender2 - Class in org.apache.mahout.cf.taste.impl.recommender
-
A
Recommender
that clusters users, then determines the
clusters' top recommendations. - TreeClusteringRecommender2(DataModel, ClusterSimilarity, int) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender2
-
- TreeClusteringRecommender2(DataModel, ClusterSimilarity, double) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.TreeClusteringRecommender2
-
- TreeID - Class in org.apache.mahout.df.mapreduce.partial
- Indicates both the tree and the data partition used to grow the tree
- TreeID() -
Constructor for class org.apache.mahout.df.mapreduce.partial.TreeID
-
- TreeID(int, int) -
Constructor for class org.apache.mahout.df.mapreduce.partial.TreeID
-
- treeId() -
Method in class org.apache.mahout.df.mapreduce.partial.TreeID
-
- TupleWritable - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- TupleWritable() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable
-
- TupleWritable(int) -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable
-
- TupleWritable(Writable...) -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable
-
- TupleWritable.Field - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- TupleWritable.Field() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable.Field
-
- TupleWritable.Field(Writable) -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.TupleWritable.Field
-
- type() -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- type() -
Method in interface org.apache.mahout.common.parameters.Parameter
-
U
- UDistrib - Class in org.apache.mahout.df.tools
- This tool is used to uniformly distribute the class of all the tuples of the dataset over a given number of
partitions.
- UncommonDistributions - Class in org.apache.mahout.clustering.dirichlet
-
- unwrap(Class<T>) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.ConnectionPoolDataSource
-
- update(double, Vector, LinearModel) -
Method in class org.apache.mahout.classifier.discriminative.LinearTrainer
- Implement this method to match your training strategy.
- update(double, Vector, LinearModel) -
Method in class org.apache.mahout.classifier.discriminative.PerceptronTrainer
- Implement this method to match your training strategy.
- update(double, Vector, LinearModel) -
Method in class org.apache.mahout.classifier.discriminative.WinnowTrainer
- Implement this method to match your training strategy.
- update(Model<O>[]) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
- Update the receiver with the new models
- update(String) -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.ContextStatusUpdater
-
- update(String) -
Method in interface org.apache.mahout.fpm.pfpgrowth.convertors.StatusUpdater
-
- updateCentroids(List<Canopy>) -
Static method in class org.apache.mahout.clustering.canopy.CanopyClusterer
- Iterate through the canopies, resetting their center to their centroids
- updateItemPref(long, float, boolean) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.file.FileDiffStorage
-
- updateItemPref(long, float, boolean) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.jdbc.AbstractJDBCDiffStorage
-
- updateItemPref(long, float, boolean) -
Method in class org.apache.mahout.cf.taste.impl.recommender.slopeone.MemoryDiffStorage
-
- updateItemPref(long, float, boolean) -
Method in interface org.apache.mahout.cf.taste.recommender.slopeone.DiffStorage
-
Updates internal data structures to reflect an update in a preference value for an item.
- UserBasedRecommender - Interface in org.apache.mahout.cf.taste.recommender
-
Interface implemented by "user-based" recommenders.
- UserIDsMapper - Class in org.apache.mahout.cf.taste.hadoop.pseudo
- Extracts and emits all user IDs from the users file, or input file.
- UserIDsMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.pseudo.UserIDsMapper
-
- UserItemJoiner - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemJoiner() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner
-
- UserItemJoiner.JoinItemMapper - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemJoiner.JoinItemMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner.JoinItemMapper
-
- UserItemJoiner.JoinItemUserReducer - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemJoiner.JoinItemUserReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner.JoinItemUserReducer
-
- UserItemJoiner.JoinUserMapper - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemJoiner.JoinUserMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemJoiner.JoinUserMapper
-
- UserItemRecommender - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemRecommender() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender
-
- UserItemRecommender.RecommenderMapper - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemRecommender.RecommenderMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender.RecommenderMapper
-
- UserItemRecommender.RecommenderReducer - Class in org.apache.mahout.cf.taste.hadoop.cooccurence
-
- UserItemRecommender.RecommenderReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.cooccurence.UserItemRecommender.RecommenderReducer
-
- UserNeighborhood - Interface in org.apache.mahout.cf.taste.neighborhood
-
Implementations of this interface compute a "neighborhood" of users like a given user.
- userSimilarity(long, long) -
Method in class org.apache.mahout.cf.taste.impl.similarity.CachingUserSimilarity
-
- userSimilarity(long, long) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
-
- userSimilarity(long, long) -
Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
-
- userSimilarity(long, long) -
Method in class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
-
- userSimilarity(long, long) -
Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- UserSimilarity - Interface in org.apache.mahout.cf.taste.similarity
-
Implementations of this interface define a notion of similarity between two users.
- userSimilarity(long, long) -
Method in interface org.apache.mahout.cf.taste.similarity.UserSimilarity
-
Returns the degree of similarity, of two users, based on the their preferences.
- UserVectorToCooccurrenceMapper - Class in org.apache.mahout.cf.taste.hadoop.item
-
- UserVectorToCooccurrenceMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.UserVectorToCooccurrenceMapper
-
- UserVectorToCooccurrenceReducer - Class in org.apache.mahout.cf.taste.hadoop.item
-
- UserVectorToCooccurrenceReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.UserVectorToCooccurrenceReducer
-
- useTestSeed() -
Static method in class org.apache.mahout.common.RandomUtils
-
V
- valueOf(String) -
Static method in enum org.apache.mahout.cf.taste.common.Weighting
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.cf.taste.hadoop.pseudo.ReducerMetrics
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.df.data.Dataset.Attribute
- Returns the enum constant of this type with the specified name.
- valueOf(int, String) -
Method in class org.apache.mahout.df.data.Dataset
- Converts a token to its corresponding int code for a given attribute
- valueOf(String) -
Static method in enum org.apache.mahout.df.node.Node.Type
- Returns the enum constant of this type with the specified name.
- values() -
Static method in enum org.apache.mahout.cf.taste.common.Weighting
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.cf.taste.hadoop.pseudo.ReducerMetrics
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- values(int) -
Method in class org.apache.mahout.df.data.Data
- finds all distinct values of a given attribute
- values() -
Static method in enum org.apache.mahout.df.data.Dataset.Attribute
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.df.node.Node.Type
- Returns an array containing the constants of this enum type, in
the order they are declared.
- VectorModelDistribution - Class in org.apache.mahout.clustering.dirichlet.models
-
- VectorModelDistribution() -
Constructor for class org.apache.mahout.clustering.dirichlet.models.VectorModelDistribution
-
- VectorModelDistribution(VectorWritable) -
Constructor for class org.apache.mahout.clustering.dirichlet.models.VectorModelDistribution
-
- VectorWritable - Class in org.apache.mahout.math
-
- VectorWritable() -
Constructor for class org.apache.mahout.math.VectorWritable
-
- VectorWritable(Vector) -
Constructor for class org.apache.mahout.math.VectorWritable
-
- verifyEigens() -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
W
- WEIGHT -
Static variable in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesConstants
-
- WeightedDistanceMeasure - Class in org.apache.mahout.common.distance
- Abstract implementation of DistanceMeasure with support for weights.
- WeightedDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedDistanceMeasure
-
- WeightedEuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
- This class implements a Euclidean distance metric by summing the square root of the squared differences
between each coordinate, optionally adding weights.
- WeightedEuclideanDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedEuclideanDistanceMeasure
-
- WeightedManhattanDistanceMeasure - Class in org.apache.mahout.common.distance
- This class implements a "Manhattan distance" metric by summing the absolute values of the difference
between each coordinate, optionally with weights.
- WeightedManhattanDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedManhattanDistanceMeasure
-
- WeightedRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
-
- WeightedRunningAverage() -
Constructor for class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- Weighting - Enum in org.apache.mahout.cf.taste.common
-
A simple enum which gives symbolic names to the ideas of "weighted" and "unweighted", to make various API
calls which take a weighting parameter more readable.
- WinnowTrainer - Class in org.apache.mahout.classifier.discriminative
- This class implements training according to the winnow update algorithm.
- WinnowTrainer(int, double, double, double, double) -
Constructor for class org.apache.mahout.classifier.discriminative.WinnowTrainer
-
- WinnowTrainer(int, double) -
Constructor for class org.apache.mahout.classifier.discriminative.WinnowTrainer
-
- WinnowTrainer(int) -
Constructor for class org.apache.mahout.classifier.discriminative.WinnowTrainer
- Initializes with dimension and promotionStep of 2.
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.cooccurence.Bigram
- Write the two integers encoded using variable length encoding
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.ItemItemWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.ItemPrefWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.canopy.Canopy
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.ClusterBase
- Simply writes out the id, and that's it!
- write(DataOutput) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansInfo
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansOutput
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.kmeans.Cluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.kmeans.KMeansInfo
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- write(DataOutput) -
Method in class org.apache.mahout.common.IntegerTuple
-
- write(DataOutput) -
Method in class org.apache.mahout.common.IntPairWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.common.StringTuple
-
- write(DataOutput) -
Method in class org.apache.mahout.df.data.Dataset
-
- write(DataOutput) -
Method in class org.apache.mahout.df.mapred.inmem.InMemInputFormat.InMemInputSplit
-
- write(DataOutput) -
Method in class org.apache.mahout.df.mapred.partial.Step0Job.Step0Output
-
- write(DataOutput) -
Method in class org.apache.mahout.df.mapreduce.inmem.InMemInputFormat.InMemInputSplit
-
- write(DataOutput) -
Method in class org.apache.mahout.df.mapreduce.MapredOutput
-
- write(DataOutput) -
Method in class org.apache.mahout.df.mapreduce.partial.Step0Job.Step0Output
-
- write(DataOutput) -
Method in class org.apache.mahout.df.node.Node
-
- write(DataOutput) -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- write(DataOutput) -
Method in class org.apache.mahout.fpm.pfpgrowth.TransactionTree
-
- write(DataOutput) -
Method in class org.apache.mahout.math.DenseMatrixWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.DenseVectorWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.MatrixWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- write(DataOutput, SequentialAccessSparseVector, int[]) -
Static method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.RandomAccessSparseVectorWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.SequentialAccessSparseVectorWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.VectorWritable
-
- writeArray(DataOutput, Node[]) -
Static method in class org.apache.mahout.df.DFUtils
- Writes an Node[] into a DataOutput
- writeArray(DataOutput, double[]) -
Static method in class org.apache.mahout.df.DFUtils
- Writes a double[] into a DataOutput
- writeArray(DataOutput, int[]) -
Static method in class org.apache.mahout.df.DFUtils
- Writes an int[] into a DataOutput
- writeLabelBindings(DataOutput, Map<String, Integer>, Map<String, Integer>) -
Static method in class org.apache.mahout.math.MatrixWritable
-
- writeMatrix(DataOutput, Matrix) -
Static method in class org.apache.mahout.math.MatrixWritable
- Writes a typed Matrix instance to the output stream
- writeModel(DataOutput, Model<?>) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
- Writes a typed Model instance to the output stream
- writeNode(DataOutput) -
Method in class org.apache.mahout.df.node.CategoricalNode
-
- writeNode(DataOutput) -
Method in class org.apache.mahout.df.node.Leaf
-
- writeNode(DataOutput) -
Method in class org.apache.mahout.df.node.Node
-
- writeNode(DataOutput) -
Method in class org.apache.mahout.df.node.NumericalNode
-
- writeVector(DataOutput, Vector) -
Static method in class org.apache.mahout.math.VectorWritable
- Write the vector to the output
Z
- ZScore - Class in org.apache.mahout.cf.taste.impl.transforms
-
Normalizes preference values for a user by converting them to "z-scores".
- ZScore(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.transforms.ZScore
-
A B C D E F G H I J K L M N O P Q R S T U V W Z
Copyright © 2008-2010 The Apache Software Foundation. All Rights Reserved.