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.ep - package org.apache.mahout.epProvides basic evolutionary optimization using recorded-step mutation.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 org.apache.mahout.math.hadoop.similarity - package org.apache.mahout.math.hadoop.similarity org.apache.mahout.math.hadoop.similarity.vector - package org.apache.mahout.math.hadoop.similarity.vector org.apache.mahout.math.stats - package org.apache.mahout.math.stats org.apache.mahout.vectorizer - package org.apache.mahout.vectorizer org.apache.mahout.vectorizer.collocations.llr - package org.apache.mahout.vectorizer.collocations.llr org.apache.mahout.vectorizer.common - package org.apache.mahout.vectorizer.common org.apache.mahout.vectorizer.document - package org.apache.mahout.vectorizer.document org.apache.mahout.vectorizer.encoders - package org.apache.mahout.vectorizer.encoders org.apache.mahout.vectorizer.term - package org.apache.mahout.vectorizer.term org.apache.mahout.vectorizer.tfidf - package org.apache.mahout.vectorizer.tfidf OUTPUT -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
OUTPUT_OPTION -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
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
OutputLogFilter - Class in org.apache.mahout.clustering.kmeans OutputLogFilter() -
Constructor for class org.apache.mahout.clustering.kmeans.OutputLogFilter
outputOption() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for output directory specification.
outputPointWithClusterInfo(Vector, Iterable<Cluster>, Mapper<?, ?, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.kmeans.KMeansClusterer
OutputUtils - Class in org.apache.mahout.ga.watchmakerUtility Class that deals with the output.OVERSHOOT_MULTIPLIER -
Static variable in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver
OVERSHOOT_MULTIPLIER -
Static variable in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
OVERWRITE_OPTION -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
overwriteOption() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
Returns a default command line option for output directory overwriting.
overwriteOutput(Path) -
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
-
- PARALLEL_COUNTING -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- 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
-
- parallelDo(EvolutionaryProcess.Function<T>) -
Method in class org.apache.mahout.ep.EvolutionaryProcess
- Execute an operation on all of the members of the population with many threads.
- 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[]) -
Method in class org.apache.mahout.common.AbstractJob
- Parse the arguments specified based on the options defined using the
various
addOption
methods.
- parseDescriptor(String) -
Static method in class org.apache.mahout.df.data.DescriptorUtils
- Parses a descriptor string and generates the corresponding array of Attributes
- parseDirectories(CommandLine) -
Method in class org.apache.mahout.common.AbstractJob
- Obtain input and output directories from command-line options or hadoop
properties.
- parseMetaData() -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVector
-
- 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.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
-
- PartialMultiplyMapper - Class in org.apache.mahout.cf.taste.hadoop.item
- maps similar items and their preference values per user
- PartialMultiplyMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.PartialMultiplyMapper
-
- PartialVectorMerger - Class in org.apache.mahout.vectorizer.common
- This class groups a set of input vectors.
- PartialVectorMergeReducer - Class in org.apache.mahout.vectorizer.common
- Merges partial vectors in to a full sparse vector
- PartialVectorMergeReducer() -
Constructor for class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
-
- partition() -
Method in class org.apache.mahout.df.mapreduce.partial.TreeID
- Data partition (InputSplit's index) that was used to grow the tree
- PARTS_FILTER -
Static variable in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
- A path filter used to read files written by Hadoop.
- PathParameter - Class in org.apache.mahout.common.parameters
-
- PathParameter(String, String, Configuration, 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
-
- Payload<T> - Interface in org.apache.mahout.ep
- Payloads for evolutionary state must be copyable and updatable.
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.GaussianCluster
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.DistanceMeasureCluster
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
-
- pdf(VectorWritable) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- pdf(O) -
Method in interface org.apache.mahout.clustering.Model
- Return the probability that the observation is described by this model
- PearsonCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
An implementation of the Pearson correlation.
- PearsonCorrelationSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
-
- PearsonCorrelationSimilarity(DataModel, Weighting) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.PearsonCorrelationSimilarity
-
- 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
-
- percentCorrect() -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- PerceptronTrainer - Class in org.apache.mahout.classifier.discriminative
- Implements training according to the perceptron update rule.
- PerceptronTrainer(int, double, double, double, double) -
Constructor for class org.apache.mahout.classifier.discriminative.PerceptronTrainer
-
- performEigenDecomposition(Configuration, DistributedRowMatrix, int, int, List<Double>, Matrix, Path) -
Static method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver
- Does most of the heavy lifting in setting up Paths, configuring return
values, and generally performing the tedious administrative tasks involved
in an eigen-decomposition and running the verifier
- 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
-
- perTermLearningRate(int) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- perTermLearningRate(int) -
Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
-
- PFP_PARAMETERS -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- 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
-
- predict(HmmModel, int) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
- Predict a sequence of steps output states for the given HMM model
- predict(HmmModel, int, long) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmEvaluator
- Predict a sequence of steps output states for the given HMM model using the
given seed for probabilistic experiments
- 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
- PrefAndSimilarityColumnWritable - Class in org.apache.mahout.cf.taste.hadoop.item
-
- PrefAndSimilarityColumnWritable() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
-
- PrefAndSimilarityColumnWritable(float, Vector) -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
-
- Preference - Interface in org.apache.mahout.cf.taste.model
-
A 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. - PreferredItemsNeighborhoodCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
- returns all items that have not been rated by the user and that were preferred by another user
that has preferred at least one item that the current user has preferred too
- PreferredItemsNeighborhoodCandidateItemsStrategy() -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.PreferredItemsNeighborhoodCandidateItemsStrategy
-
- prefix() -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- prefix() -
Method in interface org.apache.mahout.common.parameters.Parameter
-
- prepareJob(Path, Path, Class<? extends InputFormat>, Class<? extends Mapper>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends Reducer>, Class<? extends Writable>, Class<? extends Writable>, Class<? extends OutputFormat>) -
Method in class org.apache.mahout.common.AbstractJob
-
- print() -
Method in class org.apache.mahout.common.Parameters
-
- printHelp(Group) -
Static method in class org.apache.mahout.common.CommandLineUtil
-
- printHelpWithGenericOptions(Group) -
Static method in class org.apache.mahout.common.CommandLineUtil
- Print the options supported by
GenericOptionsParser
.
- printHelpWithGenericOptions(Group, OptionException) -
Static method in class org.apache.mahout.common.CommandLineUtil
-
- prior -
Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- PriorFunction - Interface in org.apache.mahout.classifier.sgd
- A prior is used to regularize the learning algorithm.
- processFile(FileLineIterator, FastByIDMap<?>, FastByIDMap<FastByIDMap<Long>>, boolean) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- processFileWithoutID(FileLineIterator, FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- processLine(String, FastByIDMap<?>, FastByIDMap<FastByIDMap<Long>>, boolean) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
Reads one line from the input file and adds the data to a
FastByIDMap
data structure which maps user IDs
to preferences.
- processLine(String, Vector) -
Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
- Decodes a single line of csv data and records the target and predictor variables in a record.
- processLine(String, Vector) -
Method in interface org.apache.mahout.classifier.sgd.RecordFactory
-
- processLineWithoutID(String, FastByIDMap<FastIDSet>, FastByIDMap<FastByIDMap<Long>>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- 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
- processSubgram(GramKey, Iterator<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
- Sum frequencies for subgram, ngrams and deliver ngram, subgram pairs to the collector.
- processTfIdf(Path, Path, int, int, int, float, boolean, boolean, boolean, int) -
Static method in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
- Create Term Frequency-Inverse Document Frequency (Tf-Idf) Vectors from the input set of vectors in
SequenceFile
format.
- processUnigram(GramKey, Iterator<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
- Sum frequencies for unigrams and deliver to the collector
- PROTOTYPE_SIZE_KEY -
Static variable in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- 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
- 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. - RankingGradient - Class in org.apache.mahout.classifier.sgd
- Uses the difference between this instance and recent history to get a
gradient that optimizes ranking performance.
- RankingGradient(int) -
Constructor for class org.apache.mahout.classifier.sgd.RankingGradient
-
- RAW_EIGENVECTORS -
Static variable in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
-
- 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.df.data.Dataset
-
- read(DataInput) -
Static method in class org.apache.mahout.df.DecisionForest
-
- 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.EntityCountWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.CountUsersKeyWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.ClusterObservations
-
- 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.DistanceMeasureCluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.kmeans.Cluster
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.spectral.common.IntDoublePairWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsSensitivityNode
-
- readFields(DataInput) -
Method in class org.apache.mahout.clustering.WeightedVectorWritable
-
- 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.IntTuple
-
- 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.DecisionForest
- Reads the trees from the input and adds them to the existing trees
- 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.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.hadoop.similarity.Cooccurrence
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.hadoop.similarity.WeightedRowPair
-
- 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.VarIntWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.VarLongWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.math.VectorWritable
-
- readFields(DataInput) -
Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
-
- readFields(DataInput) -
Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
-
- 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
- readIntFromFile(Configuration, Path) -
Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
- Reads a text-based outputfile that only contains an int
- 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.
- readItemIDIndexMap(String, Configuration) -
Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
- Reads a binary mapping file
- 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
- readPrototypeSize(Path) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Read the first input vector to determine the prototype size for the modelPrototype
- 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
-
- readSignedVarInt(DataInput) -
Static method in class org.apache.mahout.math.Varint
-
- readSignedVarLong(DataInput) -
Static method in class org.apache.mahout.math.Varint
-
- readTimestampFromString(String) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- Subclasses may wish to override this to change how time values in the input file are parsed.
- readUnsignedVarInt(DataInput) -
Static method in class org.apache.mahout.math.Varint
-
- readUnsignedVarLong(DataInput) -
Static method in class org.apache.mahout.math.Varint
-
- 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
-
- 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
-
- RecordFactory - Interface in org.apache.mahout.classifier.sgd
- A record factor understands how to convert a line of data into fields and then into a vector.
- reduce(VarLongWritable, Iterable<PrefAndSimilarityColumnWritable>, Reducer<VarLongWritable, PrefAndSimilarityColumnWritable, VarLongWritable, RecommendedItemsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.AggregateAndRecommendReducer
-
- reduce(VarLongWritable, Iterable<VarLongWritable>, Reducer<VarLongWritable, VarLongWritable, VarIntWritable, VectorAndPrefsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ItemFilterAsVectorAndPrefsReducer
-
- reduce(VarIntWritable, Iterable<VarLongWritable>, Reducer<VarIntWritable, VarLongWritable, VarIntWritable, VarLongWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexReducer
-
- reduce(VarLongWritable, Iterable<VarLongWritable>, Reducer<VarLongWritable, VarLongWritable, VarLongWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorReducer
-
- reduce(VarIntWritable, Iterable<VectorOrPrefWritable>, Reducer<VarIntWritable, VectorOrPrefWritable, VarIntWritable, VectorAndPrefsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ToVectorAndPrefReducer
-
- reduce(VarLongWritable, Iterable<NullWritable>, Reducer<VarLongWritable, NullWritable, VarLongWritable, RecommendedItemsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderReducer
-
- reduce(CountUsersKeyWritable, Iterable<VarLongWritable>, Reducer<CountUsersKeyWritable, VarLongWritable, VarIntWritable, NullWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.CountUsersReducer
-
- reduce(EntityEntityWritable, Iterable<DoubleWritable>, Reducer<EntityEntityWritable, DoubleWritable, EntityEntityWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.MostSimilarItemPairsReducer
-
- reduce(IntWritable, Iterable<DistributedRowMatrix.MatrixEntryWritable>, Reducer<IntWritable, DistributedRowMatrix.MatrixEntryWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.ToItemVectorsReducer
-
- reduce(EntityEntityWritable, Iterable<FloatWritable>, Reducer<EntityEntityWritable, FloatWritable, EntityEntityWritable, FloatWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneDiffsToAveragesReducer
-
- reduce(VarLongWritable, Iterable<EntityPrefWritable>, Reducer<VarLongWritable, EntityPrefWritable, EntityEntityWritable, FloatWritable>.Context) -
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.BayesFeatureCombiner
-
- 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(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) -
Method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesSumReducer
-
- reduce(Text, Iterable<VectorWritable>, Reducer<Text, VectorWritable, Text, Canopy>.Context) -
Method in class org.apache.mahout.clustering.canopy.CanopyReducer
-
- reduce(Text, Iterable<VectorWritable>, Reducer<Text, VectorWritable, Text, DirichletCluster>.Context) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletReducer
-
- reduce(Text, Iterable<ClusterObservations>, Reducer<Text, ClusterObservations, Text, ClusterObservations>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansCombiner
-
- reduce(Text, Iterable<ClusterObservations>, Reducer<Text, ClusterObservations, Text, SoftCluster>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansReducer
-
- reduce(Text, Iterable<ClusterObservations>, Reducer<Text, ClusterObservations, Text, ClusterObservations>.Context) -
Method in class org.apache.mahout.clustering.kmeans.KMeansCombiner
-
- reduce(Text, Iterable<ClusterObservations>, Reducer<Text, ClusterObservations, Text, Cluster>.Context) -
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, Iterable<MeanShiftCanopy>, Reducer<Text, MeanShiftCanopy, Text, MeanShiftCanopy>.Context) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyReducer
-
- reduce(Text, Iterable<Writable>, Reducer<Text, Writable, Text, Writable>.Context) -
Method in class org.apache.mahout.clustering.minhash.MinHashReducer
- output the items clustered
- reduce(IntWritable, Iterable<DistributedRowMatrix.MatrixEntryWritable>, Reducer<IntWritable, DistributedRowMatrix.MatrixEntryWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.common.AffinityMatrixInputReducer
-
- reduce(NullWritable, Iterable<IntDoublePairWritable>, Reducer<NullWritable, IntDoublePairWritable, NullWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.common.MatrixDiagonalizeJob.MatrixDiagonalizeReducer
-
- reduce(Text, Iterable<VertexWritable>, Reducer<Text, VertexWritable, Text, VertexWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsAffinityCutsJob.EigencutsAffinityCutsCombiner
-
- reduce(Text, Iterable<VertexWritable>, Reducer<Text, VertexWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsAffinityCutsJob.EigencutsAffinityCutsReducer
-
- reduce(IntWritable, Iterable<EigencutsSensitivityNode>, Reducer<IntWritable, EigencutsSensitivityNode, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsSensitivityReducer
-
- 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(SimilarityMatrixEntryKey, Iterable<DistributedRowMatrix.MatrixEntryWritable>, Reducer<SimilarityMatrixEntryKey, DistributedRowMatrix.MatrixEntryWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.EntriesToVectorsReducer
-
- reduce(WeightedRowPair, Iterable<Cooccurrence>, Reducer<WeightedRowPair, Cooccurrence, SimilarityMatrixEntryKey, DistributedRowMatrix.MatrixEntryWritable>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.SimilarityReducer
-
- reduce(VarIntWritable, Iterable<WeightedOccurrence>, Reducer<VarIntWritable, WeightedOccurrence, VarIntWritable, WeightedOccurrenceArray>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.WeightedOccurrencesPerColumnReducer
-
- 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
-
- reduce(GramKey, Iterable<Gram>, Reducer<GramKey, Gram, GramKey, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocCombiner
-
- reduce(GramKey, Iterable<Gram>, Reducer<GramKey, Gram, Gram, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
- collocation finder: pass 1 reduce phase:
given input from the mapper,
- reduce(Gram, Iterable<Gram>, Reducer<Gram, Gram, Text, DoubleWritable>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
- Perform LLR calculation, input is: k:ngram:ngramFreq v:(h_|t_)subgram:subgramfreq N = ngram total
Each ngram will have 2 subgrams, a head and a tail, referred to as A and B respectively below.
- reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
-
- reduce(Text, Iterable<LongWritable>, Reducer<Text, LongWritable, Text, LongWritable>.Context) -
Method in class org.apache.mahout.vectorizer.term.TermCountReducer
-
- reduce(IntWritable, Iterable<LongWritable>, Reducer<IntWritable, LongWritable, IntWritable, LongWritable>.Context) -
Method in class org.apache.mahout.vectorizer.term.TermDocumentCountReducer
-
- reduce(Text, Iterable<StringTuple>, Reducer<Text, StringTuple, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
-
- reduce(WritableComparable<?>, Iterable<VectorWritable>, Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
-
- 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.AbstractIDMigrator
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.model.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.file.FileItemSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity
-
- refresh(Collection<Refreshable>) -
Method in class org.apache.mahout.cf.taste.impl.similarity.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
-
- registerHiddenStateNames(String[]) -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
- Register an array of hidden state Names.
- registerHiddenStateNames(Map<String, Integer>) -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
- Register a map of hidden state Names/state IDs
- registerOutputStateNames(String[]) -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
- Register an array of hidden state Names.
- registerOutputStateNames(Map<String, Integer>) -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
- Register a map of hidden state Names/state IDs
- regularize(Vector) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- rehash() -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- reload() -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- reload() -
Method in class org.apache.mahout.cf.taste.impl.similarity.file.FileItemSimilarity
-
- remove(K) -
Method in class org.apache.mahout.cf.taste.impl.common.Cache
-
Uncaches any existing value for a given key.
- remove(long) -
Method in class org.apache.mahout.cf.taste.impl.common.FastByIDMap
-
- remove(long) -
Method in class org.apache.mahout.cf.taste.impl.common.FastIDSet
-
- remove(Object) -
Method in class org.apache.mahout.cf.taste.impl.common.FastMap
-
- remove() -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- remove() -
Method in class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- remove() -
Method in class org.apache.mahout.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.FixedRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.InvertedRunningAverageAndStdDev
-
- removeDatum(double) -
Method in interface org.apache.mahout.cf.taste.impl.common.RunningAverage
-
- removeDatum(double) -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- removeDatum(double, double) -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- 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
-
- 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, int) -
Method in class org.apache.mahout.common.IntTuple
- Replaces the string at the given index with the given newInteger
- 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. - resetLineCounter() -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- 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
-
- RowSimilarityJob - Class in org.apache.mahout.math.hadoop.similarity
- Runs a completely distributed computation of the pairwise similarity of the row vectors of a
DistributedRowMatrix
as a series of mapreduces. - RowSimilarityJob() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob
-
- RowSimilarityJob.CooccurrencesMapper - Class in org.apache.mahout.math.hadoop.similarity
- maps all pairs of weighted entries of a column vector
- RowSimilarityJob.CooccurrencesMapper() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.CooccurrencesMapper
-
- RowSimilarityJob.EntriesToVectorsReducer - Class in org.apache.mahout.math.hadoop.similarity
- collects all
DistributedRowMatrix.MatrixEntryWritable
for each column and creates a VectorWritable
- RowSimilarityJob.EntriesToVectorsReducer() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.EntriesToVectorsReducer
-
- RowSimilarityJob.RowWeightMapper - Class in org.apache.mahout.math.hadoop.similarity
- applies
DistributedVectorSimilarity.weight(Vector)
to each row of the input matrix - RowSimilarityJob.RowWeightMapper() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.RowWeightMapper
-
- RowSimilarityJob.SimilarityReducer - Class in org.apache.mahout.math.hadoop.similarity
- computes the pairwise similarities
- RowSimilarityJob.SimilarityReducer() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.SimilarityReducer
-
- RowSimilarityJob.WeightedOccurrencesPerColumnReducer - Class in org.apache.mahout.math.hadoop.similarity
- collects all
WeightedOccurrence
s for a column and writes them to a WeightedOccurrenceArray
- RowSimilarityJob.WeightedOccurrencesPerColumnReducer() -
Constructor for class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.WeightedOccurrencesPerColumnReducer
-
- 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
-
- 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.similarity.item.ItemSimilarityJob
-
- run(String[]) -
Method in class org.apache.mahout.cf.taste.hadoop.slopeone.SlopeOneAverageDiffsJob
-
- run(String[]) -
Method in class org.apache.mahout.clustering.canopy.CanopyDriver
-
- run(Configuration, Path, Path, DistanceMeasure, double, double, boolean, boolean) -
Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
- Build a directory of Canopy clusters from the input arguments and, if requested,
cluster the input vectors using these clusters
- run(Path, Path, DistanceMeasure, double, double, boolean, boolean) -
Static method in class org.apache.mahout.clustering.canopy.CanopyDriver
- Convenience method creates new Configuration()
Build a directory of Canopy clusters from the input arguments and, if requested,
cluster the input vectors using these clusters
- run(String[]) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- run(Configuration, Path, Path, ModelDistribution<VectorWritable>, int, int, double, boolean, boolean, double, boolean) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(Path, Path, ModelDistribution<VectorWritable>, int, int, double, boolean, boolean, double, boolean) -
Static method in class org.apache.mahout.clustering.dirichlet.DirichletDriver
- Convenience method provides default Configuration
Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(String[]) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
-
- run(Path, Path, Path, DistanceMeasure, double, int, float, boolean, boolean, double, boolean) -
Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
- Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(Configuration, Path, Path, Path, DistanceMeasure, double, int, float, boolean, boolean, double, boolean) -
Static method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansDriver
- Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(String[]) -
Method in class org.apache.mahout.clustering.kmeans.KMeansDriver
-
- run(Configuration, Path, Path, Path, DistanceMeasure, double, int, boolean, boolean) -
Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
- Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(Path, Path, Path, DistanceMeasure, double, int, boolean, boolean) -
Static method in class org.apache.mahout.clustering.kmeans.KMeansDriver
- Iterate over the input vectors to produce clusters and, if requested, use the
results of the final iteration to cluster the input vectors.
- run(String[]) -
Method in class org.apache.mahout.clustering.lda.LDADriver
-
- run(String[]) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyDriver
-
- run(Configuration, Path, Path, DistanceMeasure, double, double, double, int, boolean, boolean, boolean) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyDriver
- Run the job where the input format can be either Vectors or Canopies.
- run(String[]) -
Method in class org.apache.mahout.clustering.minhash.MinHashDriver
-
- run(String[]) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver
-
- run(Configuration, Path, Path, int, double, double, double) -
Static method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver
- Run the Eigencuts clustering algorithm using the supplied arguments
- run(String[]) -
Method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
-
- run(Configuration, Path, Path, int, int, DistanceMeasure, double, int) -
Static method in class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
- Run the Spectral KMeans clustering on the supplied arguments
- run() -
Method in class org.apache.mahout.df.mapreduce.Classifier
-
- 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(Path, Path, Path, int, int, boolean, int, double, double, boolean) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
- Run the solver to produce raw eigenvectors, then run the EigenVerificationJob to clean them
- run(Path, Path, Path, int, int, boolean, int) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
- Run the solver to produce the raw eigenvectors
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- run(Path, Path, Path, Path, double, double, boolean, JobConf) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
- Run the job with the given arguments
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.MatrixMultiplicationJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob
-
- run(String[]) -
Method in class org.apache.mahout.math.hadoop.TransposeJob
-
- run(String[]) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
-
- runFuzzyKMeansIteration(Iterable<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.
- runJob(Parameters) -
Static method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesClassifierDriver
- Run the job
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesDriver
-
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.bayes.BayesThetaNormalizerDriver
-
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.cbayes.CBayesDriver
-
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.cbayes.CBayesThetaNormalizerDriver
-
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesFeatureDriver
-
- runJob(Path, Path, BayesParameters) -
Method in interface org.apache.mahout.classifier.bayes.mapreduce.common.BayesJob
- Execute a classification job on a cluster.
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesTfIdfDriver
-
- runJob(Path, Path, BayesParameters) -
Method in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesWeightSummerDriver
-
- runJob(Path, Path, int, int) -
Static method in class org.apache.mahout.clustering.spectral.common.AffinityMatrixInputJob
- Initializes and executes the job of reading the documents containing
the data of the affinity matrix in (x_i, x_j, value) format.
- runJob(Path, Path, int) -
Static method in class org.apache.mahout.clustering.spectral.common.AffinityMatrixInputJob
- A transparent wrapper for the above method which handles the tedious tasks
of setting and retrieving system Paths.
- runJob(Path, int) -
Static method in class org.apache.mahout.clustering.spectral.common.MatrixDiagonalizeJob
-
- runJob(Path, Path) -
Static method in class org.apache.mahout.clustering.spectral.common.UnitVectorizerJob
-
- runJob(Path, Vector, Path) -
Static method in class org.apache.mahout.clustering.spectral.common.VectorMatrixMultiplicationJob
- Invokes the job.
- runjob(Path, Path, Path, Configuration) -
Static method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsAffinityCutsJob
- Runs a single iteration of defining cluster boundaries, based on
previous calculations and the formation of the "cut matrix".
- runJob(Vector, Vector, Path, double, double, double, double, Path) -
Static method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsSensitivityJob
- Initializes the configuration tasks, loads the needed data into
the HDFS cache, and executes the job.
- runJob(Job) -
Method in class org.apache.mahout.df.mapreduce.Builder
- Sequential implementation should override this method to simulate the job execution
- runJob(Configuration, Path, Path, int, int, boolean, int, Matrix, List<Double>, String) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
- Factored-out LanczosSolver for the purpose of invoking it programmatically
- runJob(Configuration, Path, Path, Path, boolean, double, double, int) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
- Progammatic invocation of run()
- runKMeansIteration(Iterable<Vector>, Iterable<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
-
- RunningAverage - Interface in org.apache.mahout.cf.taste.impl.common
-
Interface for classes that can keep track of a running average of a series of numbers.
- RunningAverageAndStdDev - Interface in org.apache.mahout.cf.taste.impl.common
-
Extends
RunningAverage
by adding standard deviation too. - RunningSumsGaussianAccumulator - Class in org.apache.mahout.clustering
- An online Gaussian accumulator that uses a running power sums approach as reported
on http://en.wikipedia.org/wiki/Standard_deviation
Suffers from overflow, underflow and roundoff error but has minimal observe-time overhead
- RunningSumsGaussianAccumulator() -
Constructor for class org.apache.mahout.clustering.RunningSumsGaussianAccumulator
-
- runPFPGrowth(Parameters) -
Static method in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
S
- 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(int, Vector, double) -
Constructor for class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalDistribution
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalModel
- Return an instance with the same parameters
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.DistanceMeasureClusterDistribution
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.models.GaussianCluster
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.GaussianClusterDistribution
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.models.L1Model
-
- sampleFromPosterior(Model<VectorWritable>[]) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1ModelDistribution
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModel
- TODO: Return a proper sample 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
-
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalModel
- Return an instance with the same parameters
- sampleFromPosterior() -
Method in class org.apache.mahout.clustering.DistanceMeasureCluster
-
- sampleFromPosterior() -
Method in interface org.apache.mahout.clustering.Model
-
- sampleFromPosterior(Model<O>[]) -
Method in interface org.apache.mahout.clustering.ModelDistribution
- Return a list of models sampled from the posterior
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.AsymmetricSampledNormalDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.DistanceMeasureClusterDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.GaussianClusterDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.L1ModelDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.NormalModelDistribution
-
- sampleFromPrior(int) -
Method in class org.apache.mahout.clustering.dirichlet.models.SampledNormalDistribution
-
- sampleFromPrior(int) -
Method in interface org.apache.mahout.clustering.ModelDistribution
- Return a list of models sampled from the prior
- samplePosteriorModels() -
Method in class org.apache.mahout.clustering.dirichlet.DirichletClusterer
-
- SamplingCandidateItemsStrategy - Class in org.apache.mahout.cf.taste.impl.recommender
- returns all items that have not been rated by the user and that were preferred by another user
that has preferred at least one item that the current user has preferred too
- SamplingCandidateItemsStrategy() -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
- uses defaultMaxPrefsPerItemConsidered = 100 and userItemCountMultiplier = 20 as default values
- SamplingCandidateItemsStrategy(int, int) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.SamplingCandidateItemsStrategy
- the maximum number of prefs considered per item will be computed like this:
- 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 a
LongPrimitiveIterator
and returns only some subset of the elements that it would,
as determined by a sampling rate parameter. - SamplingLongPrimitiveIterator(LongPrimitiveIterator, double) -
Constructor for class org.apache.mahout.cf.taste.impl.common.SamplingLongPrimitiveIterator
-
- save(Writable, Vector, Path, Configuration, boolean, boolean) -
Static method in class org.apache.mahout.clustering.spectral.common.VectorCache
-
- save(Writable, Vector, Path, Configuration) -
Static method in class org.apache.mahout.clustering.spectral.common.VectorCache
- Calls the save() method, setting the cache to overwrite any previous
Path and to delete the path after exiting
- scale(VectorWritable) -
Method in class org.apache.mahout.math.hadoop.TimesSquaredJob.TimesSquaredMapper
-
- 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
-
- SequenceFileTokenizerMapper - Class in org.apache.mahout.vectorizer.document
- Tokenizes a text document and outputs tokens in a StringTuple
- SequenceFileTokenizerMapper() -
Constructor for class org.apache.mahout.vectorizer.document.SequenceFileTokenizerMapper
-
- SEQUENTIAL_ACCESS -
Static variable in class org.apache.mahout.vectorizer.common.PartialVectorMerger
-
- SEQUENTIAL_METHOD -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
-
- SequentialBuilder - Class in org.apache.mahout.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(NaiveBayesModel, Type, JsonSerializationContext) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- serialize(HmmModel, Type, JsonSerializationContext) -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
-
- serialize(DirichletCluster, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.dirichlet.JsonClusterAdapter
-
- serialize(Cluster, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.dirichlet.JsonClusterModelAdapter
-
- serialize(DistanceMeasure, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.JsonDistanceMeasureAdapter
-
- serialize(Model<?>, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.JsonModelAdapter
-
- serialize(ModelDistribution<?>, Type, JsonSerializationContext) -
Method in class org.apache.mahout.clustering.JsonModelDistributionAdapter
-
- serializeOutput(Matrix, List<Double>, Path) -
Method in class org.apache.mahout.math.hadoop.decomposer.DistributedLanczosSolver
-
- set(long, int) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityCountWritable
-
- set(long, long) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
-
- set(long, float) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
-
- set(float, Vector) -
Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
-
- set(Vector) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- set(long, float) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- set(List<RecommendedItem>) -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- set(int, Preference) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- set(int, Preference) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets preference at i from information in the given
Preference
- set(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(int, double, double) -
Method in class org.apache.mahout.math.hadoop.similarity.Cooccurrence
-
- set(int, double) -
Method in class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey
-
- set(int, int, double, double) -
Method in class org.apache.mahout.math.hadoop.similarity.WeightedRowPair
-
- set(Matrix) -
Method in class org.apache.mahout.math.MatrixWritable
-
- set(int) -
Method in class org.apache.mahout.math.VarIntWritable
-
- set(long) -
Method in class org.apache.mahout.math.VarLongWritable
-
- set(Vector) -
Method in class org.apache.mahout.math.VectorWritable
-
- set(Gram, byte[]) -
Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
- set the gram held by this key
- SET_PREFERENCE_SQL_KEY -
Static variable in class org.apache.mahout.cf.taste.impl.model.jdbc.GenericJDBCDataModel
-
- setAlphaI(float) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setAnalyzer(Analyzer) -
Method in class org.apache.mahout.vectorizer.encoders.LuceneTextValueEncoder
-
- setAucEvaluator(OnlineAuc) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setAucEvaluator(OnlineAuc) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- setAucEvaluator(OnlineAuc) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setAveragingWindow(int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setBest(State<AdaptiveLogisticRegression.Wrapper>) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setBeta(int, int, double) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- setBoundPoints(IntArrayList) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- setBuffer(List<AdaptiveLogisticRegression.TrainingExample>) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setCenter(Vector) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- setClusters(List<DirichletCluster>) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setCol(int) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- setCol(int) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- setConditional(int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- 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.kmeans.Cluster
-
- setCovarianceMatrix(Matrix) -
Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
- Computes the inverse covariance from the input covariance matrix given in input.
- setDictionary(Map<String, Double>) -
Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
- Sets the weighting dictionary to be used by this encoder.
- setEigensToVerify(VectorIterable) -
Method in class org.apache.mahout.math.hadoop.decomposer.EigenVerificationJob
-
- setEp(EvolutionaryProcess<AdaptiveLogisticRegression.Wrapper>) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setFeatureSum(Vector) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setFirst(int) -
Method in class org.apache.mahout.common.IntPairWritable
-
- setFirstLevelCacheSize(int) -
Static method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTreeDepthCache
-
- setFreezeSurvivors(boolean) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setFrequency(int) -
Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
-
- setGradient(Gradient) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- setGramSize(int) -
Method in class org.apache.mahout.classifier.bayes.common.BayesParameters
-
- setId(int) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- setId(int) -
Method in class org.apache.mahout.ep.State
-
- setIgSplit(IgSplit) -
Method in class org.apache.mahout.df.builder.DefaultTreeBuilder
-
- setInterval(int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
- How often should the evolutionary optimization of learning parameters occur?
- setInterval(int, int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
- Starts optimization using the shorter interval and progresses to the longer using the specified
number of steps per decade.
- setInverseCovarianceMatrix(Matrix) -
Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
-
- setItemID(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.
- setKey(int) -
Method in class org.apache.mahout.clustering.spectral.common.IntDoublePairWritable
-
- 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
-
- setLogLikelihood(double) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- 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
-
- setMap(int, Mapping) -
Method in class org.apache.mahout.ep.State
- Defines the transformation for a parameter.
- setMap(int, Mapping) -
Method in class org.apache.mahout.ep.ThreadedEvolutionaryProcess
-
- setMappings(State<AdaptiveLogisticRegression.Wrapper>) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- setMaps(Mapping[]) -
Method in class org.apache.mahout.ep.State
-
- setMaps(Iterable<Mapping>) -
Method in class org.apache.mahout.ep.State
-
- setMaxBufferSize(int) -
Method in class org.apache.mahout.classifier.evaluation.Auc
-
- setMaxPreference(float) -
Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
- Deprecated.
- setMaxPreference(float) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
-
- setMeanVector(Vector) -
Method in class org.apache.mahout.common.distance.MahalanobisDistanceMeasure
-
- setMeasure(DistanceMeasure) -
Method in class org.apache.mahout.clustering.dirichlet.models.DistanceMeasureClusterDistribution
-
- setMeasure(DistanceMeasure) -
Method in class org.apache.mahout.clustering.DistanceMeasureCluster
-
- setMinDF(int) -
Method in class org.apache.mahout.classifier.bayes.common.BayesParameters
-
- setMinPreference(float) -
Method in interface org.apache.mahout.cf.taste.eval.RecommenderEvaluator
- Deprecated.
- setMinPreference(float) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractDataModel
-
- setMinSupport(int) -
Method in class org.apache.mahout.classifier.bayes.common.BayesParameters
-
- setMissingValueWeight(double) -
Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
- Sets the weight that is to be used for values that do not appear in the dictionary.
- setMixture(Vector) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setModel(Cluster) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletCluster
-
- setModelFactory(ModelDistribution<VectorWritable>) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- setModelPrototype(VectorWritable) -
Method in class org.apache.mahout.clustering.dirichlet.models.AbstractVectorModelDistribution
-
- 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
-
- setNumFeatures(int) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setNumPoints(int) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- setOffsets(Configuration, int, int) -
Static method in class org.apache.mahout.vectorizer.collocations.llr.GramKeyPartitioner
-
- setOmni(double) -
Method in class org.apache.mahout.ep.State
-
- 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
-
- setParameters(double[]) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setParent(int, int) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setPayload(T) -
Method in class org.apache.mahout.ep.State
-
- setPerlabelThetaNormalizer(Vector) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setPolicy(GlobalOnlineAuc.ReplacementPolicy) -
Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
-
- setPolicy(GlobalOnlineAuc.ReplacementPolicy) -
Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
-
- setPolicy(GlobalOnlineAuc.ReplacementPolicy) -
Method in interface org.apache.mahout.math.stats.OnlineAuc
-
- setPoolSize(int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setPreference(long, long, float) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
- Note that this method only updates the in-memory preference data that this
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.
- setPrior(PriorFunction) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- setPrior(PriorFunction) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setProbabilityScore(boolean) -
Method in class org.apache.mahout.classifier.evaluation.Auc
-
- setProbes(int) -
Method in class org.apache.mahout.vectorizer.encoders.CachingContinuousValueEncoder
-
- setProbes(int) -
Method in class org.apache.mahout.vectorizer.encoders.CachingStaticWordValueEncoder
-
- setProbes(int) -
Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
- Sets the number of locations in the feature vector that a value should be in.
- setRadius(Vector) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- setRecord(int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setRecord(int) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setRow(int) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- 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(State<AdaptiveLogisticRegression.Wrapper>) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setSigmaJSigmaK(double) -
Method in class org.apache.mahout.classifier.bayes.datastore.InMemoryBayesDatastore
-
- setSinglePath(boolean) -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.FPTree
-
- setSkipCleanup(boolean) -
Method in class org.apache.mahout.classifier.bayes.common.BayesParameters
-
- setStep(double[]) -
Method in class org.apache.mahout.ep.State
-
- 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
-
- setThreadCount(int) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- setThreadCount(int) -
Method in class org.apache.mahout.ep.EvolutionaryProcess
-
- setTotalSum(double) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setTraceDictionary(Map<String, Set<Integer>>) -
Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
-
- setType(String) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- setup(Reducer<VarLongWritable, PrefAndSimilarityColumnWritable, VarLongWritable, RecommendedItemsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.AggregateAndRecommendReducer
-
- setup(Mapper<LongWritable, Text, VarIntWritable, VarLongWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.ItemIDIndexMapper
-
- setup(Mapper<VarLongWritable, VectorWritable, VarIntWritable, VectorOrPrefWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.item.UserVectorSplitterMapper
-
- setup(Mapper<VarLongWritable, VectorWritable, IntWritable, DistributedRowMatrix.MatrixEntryWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.MaybePruneRowsMapper
-
- setup(Reducer<VarLongWritable, NullWritable, VarLongWritable, RecommendedItemsWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.pseudo.RecommenderReducer
-
- setup(Mapper<IntWritable, VectorWritable, EntityEntityWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.MostSimilarItemPairsMapper
-
- setup(Mapper<LongWritable, Text, VarLongWritable, VarLongWritable>.Context) -
Method in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
-
- setup(Mapper<Text, VectorWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesInstanceMapper
-
- setup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesThetaComplementaryMapper
-
- setup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesThetaMapper
-
- setup(Mapper<IntWritable, VectorWritable, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesWeightsMapper
-
- setup(Reducer<Text, VectorWritable, Text, Canopy>.Context) -
Method in class org.apache.mahout.clustering.canopy.CanopyReducer
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.canopy.ClusterMapper
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletClusterMapper
-
- setup(Mapper<WritableComparable<?>, VectorWritable, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletMapper
-
- setup(DirichletState) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletMapper
-
- setup(Reducer<Text, VectorWritable, Text, DirichletCluster>.Context) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletReducer
-
- setup(DirichletState) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletReducer
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterMapper
-
- setup(Reducer<Text, ClusterObservations, Text, ClusterObservations>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansCombiner
-
- setup(Mapper<WritableComparable<?>, VectorWritable, Text, ClusterObservations>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansMapper
-
- setup(Reducer<Text, ClusterObservations, Text, SoftCluster>.Context) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansReducer
-
- setup(List<SoftCluster>, Configuration) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansReducer
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.kmeans.KMeansClusterMapper
-
- setup(Mapper<WritableComparable<?>, VectorWritable, Text, ClusterObservations>.Context) -
Method in class org.apache.mahout.clustering.kmeans.KMeansMapper
-
- setup(Reducer<Text, ClusterObservations, Text, Cluster>.Context) -
Method in class org.apache.mahout.clustering.kmeans.KMeansReducer
-
- setup(List<Cluster>, DistanceMeasure) -
Method in class org.apache.mahout.clustering.kmeans.KMeansReducer
-
- setup(Mapper<WritableComparable<?>, VectorWritable, IntPairWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.clustering.lda.LDAMapper
-
- setup(Mapper<WritableComparable<?>, MeanShiftCanopy, IntWritable, WeightedVectorWritable>.Context) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyClusterMapper
-
- setup(Mapper<WritableComparable<?>, VectorWritable, Text, MeanShiftCanopy>.Context) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyCreatorMapper
-
- setup(Mapper<WritableComparable<?>, MeanShiftCanopy, Text, MeanShiftCanopy>.Context) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyMapper
-
- setup(Reducer<Text, MeanShiftCanopy, Text, MeanShiftCanopy>.Context) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyReducer
-
- setup(Mapper<Text, Writable, Text, Writable>.Context) -
Method in class org.apache.mahout.clustering.minhash.MinHashMapper
-
- setup(Reducer<Text, Writable, Text, Writable>.Context) -
Method in class org.apache.mahout.clustering.minhash.MinHashReducer
-
- setup(Mapper<IntWritable, VectorWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.clustering.spectral.common.VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper
-
- setup(Mapper<IntWritable, VectorWritable, IntWritable, EigencutsSensitivityNode>.Context) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsSensitivityMapper
-
- setup(Mapper<LongWritable, Text, LongWritable, Text>.Context) -
Method in class org.apache.mahout.df.mapreduce.Classifier.CMapper
-
- 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, 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
-
- setup(Mapper<LongWritable, Text, LongWritable, DoubleWritable>.Context) -
Method in class org.apache.mahout.ga.watchmaker.EvalMapper
-
- setup(Reducer<SimilarityMatrixEntryKey, DistributedRowMatrix.MatrixEntryWritable, IntWritable, VectorWritable>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.EntriesToVectorsReducer
-
- setup(Mapper<IntWritable, VectorWritable, VarIntWritable, WeightedOccurrence>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.RowWeightMapper
-
- setup(Reducer<WeightedRowPair, Cooccurrence, SimilarityMatrixEntryKey, DistributedRowMatrix.MatrixEntryWritable>.Context) -
Method in class org.apache.mahout.math.hadoop.similarity.RowSimilarityJob.SimilarityReducer
-
- setup(Mapper<Text, StringTuple, GramKey, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocMapper
-
- setup(Reducer<GramKey, Gram, Gram, Gram>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.CollocReducer
-
- setup(Reducer<Gram, Gram, Text, DoubleWritable>.Context) -
Method in class org.apache.mahout.vectorizer.collocations.llr.LLRReducer
-
- setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.common.PartialVectorMergeReducer
-
- setup(Mapper<Text, Text, Text, StringTuple>.Context) -
Method in class org.apache.mahout.vectorizer.document.SequenceFileTokenizerMapper
-
- setup(Reducer<Text, LongWritable, Text, LongWritable>.Context) -
Method in class org.apache.mahout.vectorizer.term.TermCountReducer
-
- setup(Reducer<Text, StringTuple, Text, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
-
- setup(Reducer<WritableComparable<?>, VectorWritable, WritableComparable<?>, VectorWritable>.Context) -
Method in class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
- Sets user ID for preference at i.
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- setUserID(int, long) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
- Sets user ID for preference at i.
- setUserID(int, long) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets user ID for preference at i.
- setVal(double) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- setValue(float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- setValue(float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
-
- setValue(int, float) -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- setValue(float) -
Method in interface org.apache.mahout.cf.taste.model.Preference
- Sets the strength of the preference for this item
- setValue(int, float) -
Method in interface org.apache.mahout.cf.taste.model.PreferenceArray
- Sets preference value for preference at i.
- setValue(double) -
Method in class org.apache.mahout.clustering.spectral.common.IntDoublePairWritable
-
- setValue(double) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- setValue(double) -
Method in class org.apache.mahout.ep.State
-
- setVector(Vector) -
Method in class org.apache.mahout.clustering.WeightedVectorWritable
-
- setVector(Vector) -
Method in class org.apache.mahout.math.MultiLabelVectorWritable
-
- setVocabCount(double) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setWeightMatrix(Matrix) -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- setWeights(Vector) -
Method in class org.apache.mahout.common.distance.WeightedDistanceMeasure
-
- setWindowSize(int) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- setWindowSize(int) -
Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
-
- setWindowSize(int) -
Method in class org.apache.mahout.math.stats.GroupedOnlineAuc
-
- setWindowSize(int) -
Method in interface org.apache.mahout.math.stats.OnlineAuc
-
- setWordEncoder(FeatureVectorEncoder) -
Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
-
- setWritesLaxPrecision(boolean) -
Method in class org.apache.mahout.math.VectorWritable
-
- 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
- shouldRunNextPhase(Map<String, String>, AtomicInteger) -
Static method in class org.apache.mahout.common.AbstractJob
-
- similarity(int, int, Iterable<Cooccurrence>, double, double, int) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.AbstractDistributedVectorSimilarity
- ensures that the computed similarity is in [-1,1]
- similarity(int, int, Iterable<Cooccurrence>, double, double, int) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.DistributedCooccurrenceVectorSimilarity
-
- similarity(int, int, Iterable<Cooccurrence>, double, double, int) -
Method in interface org.apache.mahout.math.hadoop.similarity.vector.DistributedVectorSimilarity
- compute the similarity of a pair of row vectors
- SimilarityMatrixEntryKey - Class in org.apache.mahout.math.hadoop.similarity
- used as key for the
RowSimilarityJob.EntriesToVectorsReducer
to collect all rows similar to the specified row
ensures that the similarity matrix entries for a row are seen in descending order
by their similarity value via secondary sort - SimilarityMatrixEntryKey() -
Constructor for class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey
-
- SimilarityMatrixEntryKey(int, double) -
Constructor for class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey
-
- SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyComparator - Class in org.apache.mahout.math.hadoop.similarity
-
- SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyComparator() -
Constructor for class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyComparator
-
- SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyGroupingComparator - Class in org.apache.mahout.math.hadoop.similarity
-
- SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyGroupingComparator() -
Constructor for class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey.SimilarityMatrixEntryKeyGroupingComparator
-
- SimilarityMatrixRowWrapperMapper - Class in org.apache.mahout.cf.taste.hadoop.item
- maps a row of the similarity matrix to a
VectorOrPrefWritable
actually a column from that matrix has to be used but as the similarity matrix is symmetric,
we can use a row instead of having to transpose it - SimilarityMatrixRowWrapperMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.SimilarityMatrixRowWrapperMapper
-
- 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.
- SimilarityType - Enum in org.apache.mahout.math.hadoop.similarity
-
- 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
-
- size() -
Method in class org.apache.mahout.vectorizer.encoders.Dictionary
-
- 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, int, DistanceMeasure) -
Constructor for class org.apache.mahout.clustering.fuzzykmeans.SoftCluster
- Construct a new SoftCluster with the given point as its center
- softLimit(double, double, double) -
Static method in class org.apache.mahout.ep.Mapping
- Maps input to the open interval (min, max) with 0 going to the mean of min and
max.
- softLimit(double, double) -
Static method in class org.apache.mahout.ep.Mapping
- Maps input to the open interval (min, max) with 0 going to the mean of min and
max.
- 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.
- SORTED_OUTPUT -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- 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.
- SparseVectorsFromSequenceFiles - Class in org.apache.mahout.vectorizer
- Converts a given set of sequence files into SparseVectors
- SpearmanCorrelationSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
Like
PearsonCorrelationSimilarity
, but compares relative ranking of preference values instead of
preference values themselves. - SpearmanCorrelationSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.SpearmanCorrelationSimilarity
-
- SpectralKMeansDriver - Class in org.apache.mahout.clustering.spectral.kmeans
- Implementation of the EigenCuts spectral clustering algorithm.
- SpectralKMeansDriver() -
Constructor for class org.apache.mahout.clustering.spectral.kmeans.SpectralKMeansDriver
-
- 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_PATTERN -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- splitPrefTokens(CharSequence) -
Static method in class org.apache.mahout.cf.taste.hadoop.TasteHadoopUtils
- Splits a preference data line into string tokens
- 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
-
- StandardNaiveBayesClassifier - Class in org.apache.mahout.classifier.naivebayes
- Class implementing the Naive Bayes Classifier Algorithm
- StandardNaiveBayesClassifier(NaiveBayesModel) -
Constructor for class org.apache.mahout.classifier.naivebayes.StandardNaiveBayesClassifier
-
- 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<T extends Payload<T>> - Class in org.apache.mahout.ep
- Records evolutionary state and provides a mutation operation for recorded-step meta-mutation.
- State() -
Constructor for class org.apache.mahout.ep.State
-
- State(double[], double) -
Constructor for class org.apache.mahout.ep.State
- Invent a new state with no momentum (yet).
- STATE_IN_KEY -
Static variable in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- STATE_IN_KEY -
Static variable in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyDriver
-
- StaticWordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
- Encodes a categorical values with an unbounded vocabulary.
- StaticWordValueEncoder(String) -
Constructor for class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
-
- StatusUpdater - Interface in org.apache.mahout.fpm.pfpgrowth.convertors
- An interface of a Status updater
- 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.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.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.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.mapreduce.partial
- Second step of PartialBuilder.
- Step2Mapper() -
Constructor for class org.apache.mahout.df.mapreduce.partial.Step2Mapper
-
- stepOffset(int) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- stepOffset(int) -
Method in class org.apache.mahout.classifier.sgd.OnlineLogisticRegression
-
- stepSize(int, double) -
Static method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- 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.UpdatableIDMigrator
- Stores the reverse long-to-String mapping in some kind of backing store.
- storeWritable(Configuration, Path, Writable) -
Static method in class org.apache.mahout.df.DFUtils
-
- 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.
- SUBGRAM_OUTPUT_DIRECTORY -
Static variable in class org.apache.mahout.vectorizer.collocations.llr.CollocDriver
-
- subset(Condition) -
Method in class org.apache.mahout.df.data.Data
-
- sum(int[]) -
Static method in class org.apache.mahout.df.data.DataUtils
- Computes the sum of the values
- SUM_VECTORS -
Static variable in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesTrainer
-
- 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
-
- summary(int) -
Method in class org.apache.mahout.classifier.sgd.ModelDissector
- Returns the n most important features with their
weights, most important category and the top few
categories that they affect.
- 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, CandidateItemsStrategy, int, int) -
Constructor for class org.apache.mahout.cf.taste.impl.recommender.svd.SVDRecommender
-
- 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
-
- T1_OPTION -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
-
- t1Option() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
- Returns a default command line option for specification of T1.
- T2_KEY -
Static variable in interface org.apache.mahout.clustering.canopy.CanopyConfigKeys
-
- T2_KEY -
Static variable in interface org.apache.mahout.clustering.meanshift.MeanShiftCanopyConfigKeys
-
- T2_OPTION -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
-
- t2Option() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
- Returns a default command line option for specification of T2.
- 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
-
- TasteHadoopUtils - Class in org.apache.mahout.cf.taste.hadoop
- Some helper methods for the hadoop-related stuff in org.apache.mahout.cf.taste
- TAU -
Static variable in interface org.apache.mahout.clustering.spectral.eigencuts.EigencutsKeys
- Tau, or the user-specified threshold for making cuts (setting edge
affinities to 0) after performing non-maximal suppression on edge weight
sensitivies.
- TAU_DEFAULT -
Static variable in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsDriver
-
- TEMP_USER_ID -
Static variable in class org.apache.mahout.cf.taste.impl.model.PlusAnonymousUserDataModel
-
- TermCountMapper - Class in org.apache.mahout.vectorizer.term
- TextVectorizer Term Count Mapper.
- TermCountMapper() -
Constructor for class org.apache.mahout.vectorizer.term.TermCountMapper
-
- TermCountReducer - Class in org.apache.mahout.vectorizer.term
- Can also be used as a local Combiner.
- TermCountReducer() -
Constructor for class org.apache.mahout.vectorizer.term.TermCountReducer
-
- TermDocumentCountMapper - Class in org.apache.mahout.vectorizer.term
- TextVectorizer Document Frequency Count Mapper.
- TermDocumentCountMapper() -
Constructor for class org.apache.mahout.vectorizer.term.TermDocumentCountMapper
-
- TermDocumentCountReducer - Class in org.apache.mahout.vectorizer.term
- Can also be used as a local Combiner.
- TermDocumentCountReducer() -
Constructor for class org.apache.mahout.vectorizer.term.TermDocumentCountReducer
-
- 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
- testConvergence(Iterable<SoftCluster>) -
Method in class org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansClusterer
-
- testConvergence(Iterable<Cluster>, double) -
Method in class org.apache.mahout.clustering.kmeans.KMeansClusterer
- Sequential implementation to test convergence and update cluster centers
- TextValueEncoder - Class in org.apache.mahout.vectorizer.encoders
- Encodes text that is tokenized on non-alphanum separators.
- TextValueEncoder(String) -
Constructor for class org.apache.mahout.vectorizer.encoders.TextValueEncoder
-
- TF - Class in org.apache.mahout.vectorizer
org.apache.mahout.utils.vectors.Weight
based on term frequency only- TF() -
Constructor for class org.apache.mahout.vectorizer.TF
-
- TFIDF - Class in org.apache.mahout.vectorizer
-
- TFIDF() -
Constructor for class org.apache.mahout.vectorizer.TFIDF
-
- TFIDF(Similarity) -
Constructor for class org.apache.mahout.vectorizer.TFIDF
-
- TFIDFConverter - Class in org.apache.mahout.vectorizer.tfidf
- This class converts a set of input vectors with term frequencies to TfIdf vectors.
- TFIDFPartialVectorReducer - Class in org.apache.mahout.vectorizer.tfidf
- Converts a document in to a sparse vector
- TFIDFPartialVectorReducer() -
Constructor for class org.apache.mahout.vectorizer.tfidf.TFIDFPartialVectorReducer
-
- TFPartialVectorReducer - Class in org.apache.mahout.vectorizer.term
- Converts a document in to a sparse vector
- TFPartialVectorReducer() -
Constructor for class org.apache.mahout.vectorizer.term.TFPartialVectorReducer
-
- THETA_SUM -
Static variable in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesTrainer
-
- ThreadedEvolutionaryProcess - Class in org.apache.mahout.ep
- Implements threaded optimization of an objective function.
- ThreadedEvolutionaryProcess(int) -
Constructor for class org.apache.mahout.ep.ThreadedEvolutionaryProcess
-
- ThreadedEvolutionaryProcess.EvalTask - Class in org.apache.mahout.ep
-
- ThreadedEvolutionaryProcess.EvalTask(ThreadedEvolutionaryProcess.Function, State<?>) -
Constructor for class org.apache.mahout.ep.ThreadedEvolutionaryProcess.EvalTask
-
- ThreadedEvolutionaryProcess.Function - Interface in org.apache.mahout.ep
-
- THRESHOLD_KEY -
Static variable in class org.apache.mahout.clustering.dirichlet.DirichletDriver
-
- THRESHOLD_KEY -
Static variable in interface org.apache.mahout.clustering.fuzzykmeans.FuzzyKMeansConfigKeys
-
- THRESHOLD_OPTION -
Static variable in class org.apache.mahout.common.commandline.DefaultOptionCreator
-
- thresholdOption() -
Static method in class org.apache.mahout.common.commandline.DefaultOptionCreator
- Returns a default command line option for specifying the clustering threshold value.
- ThresholdUserNeighborhood - Class in org.apache.mahout.cf.taste.impl.neighborhood
-
Computes a neigbhorhood consisting of all users whose similarity to the given user meets or exceeds a
certain threshold.
- ThresholdUserNeighborhood(double, UserSimilarity, DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- ThresholdUserNeighborhood(double, UserSimilarity, DataModel, double) -
Constructor for class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- times(DistributedRowMatrix) -
Method in class org.apache.mahout.math.hadoop.DistributedRowMatrix
- This implements matrix this.transpose().times(other)
- times(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(DataModel) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
- Exports the simple user IDs and associated item IDs in the data model.
- toDataMap(FastByIDMap<PreferenceArray>) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- toDataMap(FastByIDMap<Collection<Preference>>, boolean) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
- Swaps, in-place,
List
s for arrays in Map
values .
- toDataMap(DataModel) -
Static method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
- Exports the simple user IDs and preferences in the data model.
- ToEntityPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
-
- ToItemPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
- Input
- ToItemPrefsMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.ToItemPrefsMapper
-
- ToItemVectorsReducer - Class in org.apache.mahout.cf.taste.hadoop.similarity.item
-
- ToItemVectorsReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.similarity.item.ToItemVectorsReducer
-
- toJson() -
Method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
- Encode this NaiveBayesModel as a JSON string
- toJson() -
Method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmModel
- Encode this HMMmodel as a JSON string
- tokenize(CharSequence) -
Method in class org.apache.mahout.vectorizer.encoders.LuceneTextValueEncoder
- Tokenizes a string using the simplest method.
- tokenize(CharSequence) -
Method in class org.apache.mahout.vectorizer.encoders.TextValueEncoder
- Tokenizes a string using the simplest method.
- TOKENIZED_DOCUMENT_OUTPUT_FOLDER -
Static variable in class org.apache.mahout.vectorizer.DocumentProcessor
-
- tokenizeDocuments(Path, Class<? extends Analyzer>, Path) -
Static method in class org.apache.mahout.vectorizer.DocumentProcessor
- Convert the input documents into token array using the
StringTuple
The input documents has to be
in the SequenceFile
format
- 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
-
- 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 collects 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(Collection<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.EntityCountWritable
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
-
- toString() -
Method in class org.apache.mahout.cf.taste.hadoop.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.FixedRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FixedRunningAverageAndStdDev
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.FullRunningAverageAndStdDev
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.LongPrimitiveArrayIterator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.AverageAbsoluteDifferenceRecommenderEvaluator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.IRStatisticsImpl
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.eval.RMSRecommenderEvaluator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanItemPreferenceArray
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanPreference
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.BooleanUserPreferenceArray
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericBooleanPrefDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericDataModel
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericItemPreferenceArray
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericPreference
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.model.GenericUserPreferenceArray
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.neighborhood.NearestNUserNeighborhood
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.neighborhood.ThresholdUserNeighborhood
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.CachingRecommender
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.recommender.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.file.FileItemSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericItemSimilarity.ItemItemSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.GenericUserSimilarity.UserUserSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.LogLikelihoodSimilarity
-
- toString() -
Method in class org.apache.mahout.cf.taste.impl.similarity.TanimotoCoefficientSimilarity
-
- toString() -
Method in class org.apache.mahout.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.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- toString() -
Method in class org.apache.mahout.clustering.canopy.Canopy
-
- toString() -
Method in class org.apache.mahout.clustering.ClusterObservations
-
- 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.kmeans.Cluster
-
- toString() -
Method in class org.apache.mahout.clustering.WeightedVectorWritable
-
- 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.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.df.split.Split
-
- toString() -
Method in class org.apache.mahout.ep.State
-
- toString() -
Method in class org.apache.mahout.ep.ThreadedEvolutionaryProcess
-
- toString() -
Method in class org.apache.mahout.fpm.pfpgrowth.convertors.string.TopKStringPatterns
-
- toString() -
Method in class org.apache.mahout.fpm.pfpgrowth.fpgrowth.Pattern
-
- toString() -
Method in class org.apache.mahout.math.VarIntWritable
-
- toString() -
Method in class org.apache.mahout.math.VarLongWritable
-
- toString() -
Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
-
- toString() -
Method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
-
- toString() -
Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
-
- toStringID(long) -
Method in class org.apache.mahout.cf.taste.impl.model.AbstractJDBCIDMigrator
-
- toStringID(long) -
Method in class org.apache.mahout.cf.taste.impl.model.file.FileIDMigrator
-
- toStringID(long) -
Method in class org.apache.mahout.cf.taste.impl.model.MemoryIDMigrator
-
- toStringID(long) -
Method in interface org.apache.mahout.cf.taste.model.IDMigrator
-
- TOTAL_SUM -
Static variable in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesConstants
-
- totalCounts() -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
-
- ToUserPrefsMapper - Class in org.apache.mahout.cf.taste.hadoop
- The 'reverse' of
ToItemPrefsMapper
; outputs item IDs mapped to user-pref data. - ToUserPrefsMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.ToUserPrefsMapper
-
- ToUserVectorReducer - Class in org.apache.mahout.cf.taste.hadoop.item
- Input
- ToUserVectorReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.ToUserVectorReducer
-
- ToVectorAndPrefReducer - Class in org.apache.mahout.cf.taste.hadoop.item
-
- ToVectorAndPrefReducer() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.ToVectorAndPrefReducer
-
- TPrior - Class in org.apache.mahout.classifier.sgd
- Provides a t-distribution as a prior.
- TPrior(double) -
Constructor for class org.apache.mahout.classifier.sgd.TPrior
-
- trace(String, int) -
Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
-
- trace(byte[], int) -
Method in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
-
- train(int, 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.
- train(int, Vector) -
Method in interface org.apache.mahout.classifier.OnlineLearner
- Updates the model using a particular target variable value and a feature vector.
- train(long, String, int, Vector) -
Method in interface org.apache.mahout.classifier.OnlineLearner
- Updates the model using a particular target variable value and a feature vector.
- train(long, int, Vector) -
Method in interface org.apache.mahout.classifier.OnlineLearner
- Updates the model using a particular target variable value and a feature vector.
- train(long, String, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- train(long, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- train(int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- train(int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- train(long, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- train(long, String, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression
-
- train(AdaptiveLogisticRegression.TrainingExample) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- train(int, Vector) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- train(long, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- train(long, String, int, Vector) -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- trainBaumWelch(HmmModel, int[], double, int, boolean) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
- Iteratively train the parameters of the given initial model wrt the
observed sequence using Baum-Welch training.
- TrainClassifier - Class in org.apache.mahout.classifier.bayes
- Train the Naive Bayes classifier with improved weighting.
- trainCNaiveBayes(Path, Path, 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(Path, Path, BayesParameters) -
Static method in class org.apache.mahout.classifier.bayes.TrainClassifier
-
- trainNaiveBayes(Path, Configuration, List<String>, Path, int, float, boolean) -
Static method in class org.apache.mahout.classifier.naivebayes.trainer.NaiveBayesTrainer
-
- trainSupervised(int, int, int[], int[], double) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
- Create an supervised initial estimate of an HMM Model based on a sequence
of observed and hidden states.
- trainSupervisedSequence(int, int, Collection<int[]>, Collection<int[]>, double) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
- Create an supervised initial estimate of an HMM Model based on a number of
sequences of observed and hidden states.
- trainViterbi(HmmModel, int[], double, double, int, boolean) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmTrainer
- Iteratively train the parameters of the given initial model wrt to the
observed sequence using Viterbi training.
- 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
-
- TRANSPOSE_USER_ITEM -
Static variable in class org.apache.mahout.cf.taste.hadoop.ToEntityPrefsMapper
-
- 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
-
- TREE_CACHE_SIZE -
Static variable in class org.apache.mahout.fpm.pfpgrowth.PFPGrowth
-
- 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
-
- truncateModel(HmmModel, double) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
- Method to reduce the size of an HMMmodel by converting the models
DenseMatrix/DenseVectors to sparse implementations and setting every value
< threshold to 0
- type() -
Method in class org.apache.mahout.common.parameters.AbstractParameter
-
- type() -
Method in interface org.apache.mahout.common.parameters.Parameter
-
U
- UDistrib - Class in org.apache.mahout.df.tools
- This tool is used to uniformly distribute the class of all the tuples of the dataset over a given number of
partitions.
- UncenteredCosineSimilarity - Class in org.apache.mahout.cf.taste.impl.similarity
-
An implementation of the cosine similarity.
- UncenteredCosineSimilarity(DataModel) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.UncenteredCosineSimilarity
-
- UncenteredCosineSimilarity(DataModel, Weighting) -
Constructor for class org.apache.mahout.cf.taste.impl.similarity.UncenteredCosineSimilarity
-
- UncommonDistributions - Class in org.apache.mahout.clustering.dirichlet
-
- UniformPrior - Class in org.apache.mahout.classifier.sgd
- A uniform prior.
- UniformPrior() -
Constructor for class org.apache.mahout.classifier.sgd.UniformPrior
-
- UnitVectorizerJob - Class in org.apache.mahout.clustering.spectral.common
- Given a DistributedRowMatrix, this job normalizes each row to unit
vector length.
- UnitVectorizerJob.UnitVectorizerMapper - Class in org.apache.mahout.clustering.spectral.common
-
- UnitVectorizerJob.UnitVectorizerMapper() -
Constructor for class org.apache.mahout.clustering.spectral.common.UnitVectorizerJob.UnitVectorizerMapper
-
- unseal() -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- unwrap(Class<T>) -
Method in class org.apache.mahout.cf.taste.impl.model.jdbc.ConnectionPoolDataSource
-
- UpdatableIDMigrator - Interface in org.apache.mahout.cf.taste.model
-
- 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(double[]) -
Method in class org.apache.mahout.classifier.sgd.AdaptiveLogisticRegression.Wrapper
-
- update(Vector, Map<String, Set<Integer>>, AbstractVectorClassifier) -
Method in class org.apache.mahout.classifier.sgd.ModelDissector
- Probes a model to determine the effect of a particular variable.
- update(Cluster[]) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletState
- Update the receiver with the new models
- update(double[]) -
Method in interface org.apache.mahout.ep.Payload
-
- 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(Iterable<Canopy>) -
Static method in class org.apache.mahout.clustering.canopy.CanopyClusterer
- Iterate through the canopies, resetting their center to their centroids
- updateCluster(Cluster, int) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletClusterer
-
- updateCounts -
Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- 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
- Note that this implementation does not update standard deviations.
- 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.
- updateModels(Cluster[]) -
Method in class org.apache.mahout.clustering.dirichlet.DirichletClusterer
-
- updateSteps -
Variable in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- 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
-
- 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.
- UserVectorSplitterMapper - Class in org.apache.mahout.cf.taste.hadoop.item
-
- UserVectorSplitterMapper() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.UserVectorSplitterMapper
-
- usesFirstLineAsSchema() -
Method in class org.apache.mahout.classifier.sgd.CsvRecordFactory
-
- usesFirstLineAsSchema() -
Method in interface org.apache.mahout.classifier.sgd.RecordFactory
-
V
- validate(NaiveBayesModel) -
Static method in class org.apache.mahout.classifier.naivebayes.NaiveBayesModel
-
- validate(HmmModel) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmUtils
- Validates an HMM model set
- validModel() -
Method in class org.apache.mahout.classifier.sgd.AbstractOnlineLogisticRegression
-
- validModel() -
Method in class org.apache.mahout.classifier.sgd.CrossFoldLearner
-
- value() -
Method in class org.apache.mahout.math.stats.GlobalOnlineAuc
-
- valueOf(String) -
Static method in enum org.apache.mahout.cf.taste.common.Weighting
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.cf.taste.hadoop.pseudo.ReducerMetrics
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.clustering.minhash.HashFactory.HashType
- 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.
- valueOf(String) -
Static method in enum org.apache.mahout.math.hadoop.similarity.SimilarityType
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocMapper.Count
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocReducer.Skipped
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
- Returns the enum constant of this type with the specified name.
- valueOf(String) -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.LLRReducer.Skipped
- Returns the enum constant of this type with the specified name.
- values() -
Static method in enum org.apache.mahout.cf.taste.common.Weighting
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.cf.taste.hadoop.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() -
Static method in enum org.apache.mahout.clustering.minhash.HashFactory.HashType
- Returns an array containing the constants of this enum type, in
the order they are declared.
- 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.
- values() -
Static method in enum org.apache.mahout.math.hadoop.similarity.SimilarityType
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocMapper.Count
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.CollocReducer.Skipped
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.Gram.Type
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Static method in enum org.apache.mahout.vectorizer.collocations.llr.LLRReducer.Skipped
- Returns an array containing the constants of this enum type, in
the order they are declared.
- values() -
Method in class org.apache.mahout.vectorizer.encoders.Dictionary
-
- Varint - Class in org.apache.mahout.math
- Encodes signed and unsigned values using a common variable-length
scheme, found for example in
Google's Protocol Buffers.
- VarIntWritable - Class in org.apache.mahout.math
-
- VarIntWritable() -
Constructor for class org.apache.mahout.math.VarIntWritable
-
- VarIntWritable(int) -
Constructor for class org.apache.mahout.math.VarIntWritable
-
- VarLongWritable - Class in org.apache.mahout.math
-
- VarLongWritable() -
Constructor for class org.apache.mahout.math.VarLongWritable
-
- VarLongWritable(long) -
Constructor for class org.apache.mahout.math.VarLongWritable
-
- VECTOR_CACHE_BASE -
Static variable in interface org.apache.mahout.clustering.spectral.eigencuts.EigencutsKeys
- Base path to the location on HDFS where the diagonal matrix (a vector)
and the list of eigenvalues will be stored for one of the map/reduce
jobs in Eigencuts.
- VECTOR_COUNT -
Static variable in class org.apache.mahout.vectorizer.tfidf.TFIDFConverter
-
- VectorAndPrefsWritable - Class in org.apache.mahout.cf.taste.hadoop.item
-
- VectorAndPrefsWritable() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
-
- VectorAndPrefsWritable(Vector, List<Long>, List<Float>) -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
-
- VectorCache - Class in org.apache.mahout.clustering.spectral.common
- This class handles reading and writing vectors to the Hadoop
distributed cache.
- VectorMatrixMultiplicationJob - Class in org.apache.mahout.clustering.spectral.common
- This class handles the three-way multiplication of the digonal matrix
and the Markov transition matrix inherent in the Eigencuts algorithm.
- VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper - Class in org.apache.mahout.clustering.spectral.common
-
- VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper() -
Constructor for class org.apache.mahout.clustering.spectral.common.VectorMatrixMultiplicationJob.VectorMatrixMultiplicationMapper
-
- VectorModelClassifier - Class in org.apache.mahout.clustering
- This classifier works with any of the clustering Models.
- VectorModelClassifier(List<Model<VectorWritable>>) -
Constructor for class org.apache.mahout.clustering.VectorModelClassifier
-
- VectorOrPrefWritable - Class in org.apache.mahout.cf.taste.hadoop.item
-
- VectorOrPrefWritable() -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- VectorOrPrefWritable(Vector) -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- VectorOrPrefWritable(long, float) -
Constructor for class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- 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
-
- verifyNonOverlap(Iterable<MeanShiftCanopy>) -
Static method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopyClusterer
-
- VertexWritable - Class in org.apache.mahout.clustering.spectral.common
- Represents a vertex within the affinity graph for Eigencuts.
- VertexWritable() -
Constructor for class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- VertexWritable(int, int, double, String) -
Constructor for class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- viterbiAlgorithm(HmmModel, int[], boolean) -
Static method in class org.apache.mahout.classifier.sequencelearning.hmm.HmmAlgorithms
- Viterbi algorithm to compute the most likely hidden sequence for a given
model and observed sequence
W
- WEIGHT -
Static variable in class org.apache.mahout.classifier.bayes.mapreduce.common.BayesConstants
-
- WEIGHT -
Static variable in class org.apache.mahout.classifier.naivebayes.BayesConstants
-
- weight(Vector) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.AbstractDistributedVectorSimilarity
- vectors have no weight (NaN) by default, subclasses may override this
- weight(Vector) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.DistributedCooccurrenceVectorSimilarity
-
- weight(Vector) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.DistributedLoglikelihoodVectorSimilarity
-
- weight(Vector) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.DistributedTanimotoCoefficientVectorSimilarity
-
- weight(Vector) -
Method in class org.apache.mahout.math.hadoop.similarity.vector.DistributedUncenteredZeroAssumingCosineVectorSimilarity
-
- weight(Vector) -
Method in interface org.apache.mahout.math.hadoop.similarity.vector.DistributedVectorSimilarity
- compute the weight (e.g.
- weight(byte[]) -
Method in class org.apache.mahout.vectorizer.encoders.AdaptiveWordValueEncoder
-
- weight(byte[]) -
Method in class org.apache.mahout.vectorizer.encoders.StaticWordValueEncoder
-
- weight(byte[]) -
Method in class org.apache.mahout.vectorizer.encoders.WordValueEncoder
-
- Weight - Interface in org.apache.mahout.vectorizer
-
- WeightedDistanceMeasure - Class in org.apache.mahout.common.distance
- Abstract implementation of DistanceMeasure with support for weights.
- WeightedDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedDistanceMeasure
-
- WeightedEuclideanDistanceMeasure - Class in org.apache.mahout.common.distance
- This class implements a Euclidean distance metric by summing the square root of the squared differences
between each coordinate, optionally adding weights.
- WeightedEuclideanDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedEuclideanDistanceMeasure
-
- WeightedManhattanDistanceMeasure - Class in org.apache.mahout.common.distance
- This class implements a "Manhattan distance" metric by summing the absolute values of the difference
between each coordinate, optionally with weights.
- WeightedManhattanDistanceMeasure() -
Constructor for class org.apache.mahout.common.distance.WeightedManhattanDistanceMeasure
-
- WeightedRowPair - Class in org.apache.mahout.math.hadoop.similarity
- a pair of row vectors that has at least one entry != NaN in the same column together with the precomputed weights of
the row vectors
- WeightedRowPair() -
Constructor for class org.apache.mahout.math.hadoop.similarity.WeightedRowPair
-
- WeightedRowPair(int, int, double, double) -
Constructor for class org.apache.mahout.math.hadoop.similarity.WeightedRowPair
-
- WeightedRunningAverage - Class in org.apache.mahout.cf.taste.impl.common
-
- WeightedRunningAverage() -
Constructor for class org.apache.mahout.cf.taste.impl.common.WeightedRunningAverage
-
- WeightedVectorWritable - Class in org.apache.mahout.clustering
-
- WeightedVectorWritable() -
Constructor for class org.apache.mahout.clustering.WeightedVectorWritable
-
- WeightedVectorWritable(double, Vector) -
Constructor for class org.apache.mahout.clustering.WeightedVectorWritable
-
- Weighting - Enum in org.apache.mahout.cf.taste.common
-
A simple enum which gives symbolic names to the ideas of "weighted" and "unweighted", to make various API
calls which take a weighting parameter more readable.
- 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.
- WORD_LIKE_VALUE_HASH_SEED -
Static variable in class org.apache.mahout.vectorizer.encoders.FeatureVectorEncoder
-
- WordValueEncoder - Class in org.apache.mahout.vectorizer.encoders
- Encodes words as sparse vector updates to a Vector.
- WordValueEncoder(String) -
Constructor for class org.apache.mahout.vectorizer.encoders.WordValueEncoder
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityCountWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityEntityWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.EntityPrefWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.PrefAndSimilarityColumnWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorAndPrefsWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.item.VectorOrPrefWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.RecommendedItemsWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.cf.taste.hadoop.similarity.item.CountUsersKeyWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.AbstractCluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.ClusterObservations
-
- 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.DistanceMeasureCluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.kmeans.Cluster
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.meanshift.MeanShiftCanopy
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.spectral.common.IntDoublePairWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.spectral.common.VertexWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.spectral.eigencuts.EigencutsSensitivityNode
-
- write(DataOutput) -
Method in class org.apache.mahout.clustering.WeightedVectorWritable
-
- 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.IntTuple
-
- 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.DecisionForest
-
- 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.hadoop.DistributedRowMatrix.MatrixEntryWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.hadoop.similarity.Cooccurrence
-
- write(DataOutput) -
Method in class org.apache.mahout.math.hadoop.similarity.SimilarityMatrixEntryKey
-
- write(DataOutput) -
Method in class org.apache.mahout.math.hadoop.similarity.WeightedRowPair
-
- 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.VarIntWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.VarLongWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.math.VectorWritable
-
- write(DataOutput) -
Method in class org.apache.mahout.vectorizer.collocations.llr.Gram
-
- write(DataOutput) -
Method in class org.apache.mahout.vectorizer.collocations.llr.GramKey
-
- writeArray(DataOutput, Node[]) -
Static method in class org.apache.mahout.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
- writeJson(String, OnlineLearner) -
Static method in class org.apache.mahout.classifier.sgd.ModelSerializer
-
- 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
-
- writeSignedVarInt(int, DataOutput) -
Static method in class org.apache.mahout.math.Varint
-
- writeSignedVarLong(long, DataOutput) -
Static method in class org.apache.mahout.math.Varint
- Encodes a value using the variable-length encoding from
Google Protocol Buffers.
- writeUnsignedVarInt(int, DataOutput) -
Static method in class org.apache.mahout.math.Varint
-
- writeUnsignedVarLong(long, DataOutput) -
Static method in class org.apache.mahout.math.Varint
- Encodes a value using the variable-length encoding from
Google Protocol Buffers.
- 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.