Search Java Classes and Packages

Search Java Frameworks and Libraries

255581 classes and counting ...
Search Tips Index Status



# Classes and Interfaces in #Mallet - 685 results found.
NameDescriptionTypePackageFramework
AbstractBeliefPropagationAbstract base class for umplementations of belief propagation for general factor graphs.Classcc.mallet.grmm.inferenceMallet
AbstractFactorAn Abstract class from which new Factor classes can be subclassed.Classcc.mallet.grmm.typesMallet
AbstractInferencerAbstract base class for inferencers.Classcc.mallet.grmm.inferenceMallet
AbstractMessageStrategyCreated: May 29, 2005Version:$Id: AbstractMessageStrategy.Classcc.mallet.grmm.inference.gbpMallet
AbstractTableFactorClass for a multivariate multinomial distribution.Classcc.mallet.grmm.typesMallet
AccuracyCoverageMethods for calculating and displaying the accuracy v.Classcc.mallet.classify.evaluateMallet
AccuracyCoverageEvaluatorConstructs Accuracy-coverage graph using confidence values to sort Fields.Classcc.mallet.extractMallet
AccuracyEvaluatorAccuracy of a clustering is (truePositive + trueNegative) / (numberPairwiseComparisons)Constructor SummaryAccuracyEvaluator()Classcc.mallet.cluster.evaluateMallet
ACRFClass for Arbitrary CRFs.Classcc.mallet.grmm.learningMallet
ACRFEvaluatorCreated: Sun Jan 25 23:28:45 2004Version:$Id: ACRFEvaluator.Classcc.mallet.grmm.learningMallet
ACRFExtractorCreated: Mar 1, 2005Version:$Id: ACRFExtractor.Classcc.mallet.grmm.learning.extractMallet
ACRFExtractorTrainerCreated: Mar 31, 2005Version:$Id: ACRFExtractorTrainer.Classcc.mallet.grmm.learning.extractMallet
AcrfExtractorTuiClasscc.mallet.grmm.learning.extractMallet
AcrfSerialEvaluatorCreated: Aug 24, 2005Version:$Id: AcrfSerialEvaluator.Classcc.mallet.grmm.learningMallet
ACRFTrainer$Id: ACRFTrainer.Interfacecc.mallet.grmm.learningMallet
AdaBoost Robert E.Classcc.mallet.classifyMallet
AdaBoostM2 Yoav Freund and Robert E.Classcc.mallet.classifyMallet
AdaBoostM2TrainerThis version of AdaBoost can handle multi-class problems.Classcc.mallet.classifyMallet
AdaBoostTrainerThis version of AdaBoost should be used only for binary classification.Classcc.mallet.classifyMallet
AddableInterfacecc.mallet.utilMallet
AddClassifierTokenPredictionsThis pipe uses a Classifier to label each token (i.Classcc.mallet.pipeMallet
AgglomerativeNeighborA Neighbor created by merging two clusters of the originalSince:1.Classcc.mallet.cluster.neighbor_evaluatorMallet
AGISNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.optimizeMallet
AllPairsIteratorIterate over all pairs of Instances.Classcc.mallet.cluster.iteratorMallet
AlphabetA mapping between integers and objects where the mapping in each direction is efficient.Classcc.mallet.typesMallet
AlphabetCarryingAn interface for objects that contain one or more Alphabets.Interfacecc.mallet.typesMallet
AlphabetFactoryClasscc.mallet.typesMallet
Array2FeatureVectorConverts a Java array of numerical types to a FeatureVector, where the Alphabet is the data array index wrapped in an Integer object.Classcc.mallet.pipeMallet
ArrayDataAndTargetIteratorConstructor SummaryArrayDataAndTargetIterator(java.Classcc.mallet.pipe.iteratorMallet
ArrayIteratorConstructor SummaryArrayIterator(java.Classcc.mallet.pipe.iteratorMallet
ArrayListSequenceSee Also:Serialized FormFields inherited from class java.Classcc.mallet.typesMallet
ArrayListUtilsClasscc.mallet.utilMallet
ArraySequenceClasscc.mallet.typesMallet
ArrayUtilsStatic utility methods for arrays (like java.Classcc.mallet.utilMallet
AssignmentAn assignment to a bunch of variables.Classcc.mallet.grmm.typesMallet
AssignmentIteratorIterates over the assignments to a set of variables.Interfacecc.mallet.grmm.typesMallet
AStarCreated by IntelliJ IDEA.Classcc.mallet.util.searchMallet
AStarNodeCreated by IntelliJ IDEA.Classcc.mallet.util.searchMallet
AStarStateCreated by IntelliJ IDEA.Interfacecc.mallet.util.searchMallet
AugmentableFeatureVectorSee Also:Serialized FormFields inherited from class cc.Classcc.mallet.typesMallet
AugmentableFeatureVectorAddConjunctionsAdd specified conjunctions to each instance.Classcc.mallet.pipeMallet
AugmentableFeatureVectorLogScaleGiven an AugmentableFeatureVector, set those values greater than or equal to 1 to log(value)+1.Classcc.mallet.pipeMallet
BackTrackLineSearchConstructor SummaryBackTrackLineSearch(Optimizable.Classcc.mallet.optimizeMallet
BaggingClassifierClasscc.mallet.classifyMallet
BaggingTrainerClasscc.mallet.classifyMallet
BalancedWinnowClassification methods of BalancedWinnow algorithm.Classcc.mallet.classifyMallet
BalancedWinnowTrainerAn implementation of the training methods of a BalancedWinnow on-line classifier.Classcc.mallet.classifyMallet
BCubedEvaluatorEvaluate a Clustering using the B-Cubed evaluation metric.Classcc.mallet.cluster.evaluateMallet
BetaFactor$Id: BetaFactor.Classcc.mallet.grmm.typesMallet
BidirectionalIntObjectMapA mapping between integers and objects where the mapping in each direction is efficient.Classcc.mallet.grmm.typesMallet
BinaryUnaryFactorA factor over a continuous variable theta and binary variables var.Classcc.mallet.grmm.typesMallet
BIOTokenizationFilterCreated: Nov 12, 2004Version:$Id: BIOTokenizationFilter.Classcc.mallet.extractMallet
BIOTokenizationFilterWithTokenIndicesSee Also:Serialized FormConstructor SummaryBIOTokenizationFilterWithTokenIndices()Classcc.mallet.extractMallet
BitVarSetA clique that uses very little time and memory based on the flyweight pattern.Classcc.mallet.grmm.typesMallet
BoltzmannPairFactorA factor over a continuous variable theta and binary variables var.Classcc.mallet.grmm.typesMallet
BoltzmannUnaryFactorA factor over a continuous variable theta and binary variables var.Classcc.mallet.grmm.typesMallet
BoostableInterfacecc.mallet.classifyMallet
BPRegionGeneratorCreated: May 30, 2005Version:$Id: BPRegionGenerator.Classcc.mallet.grmm.inference.gbpMallet
BranchingPipeA Pipe that works like a rule list.Classcc.mallet.pipeMallet
BruteForceInferencerComputes the joint of a GraphicalModel by brute-force calculation.Classcc.mallet.grmm.inferenceMallet
BshInterpreterFields inherited from class bsh.Classcc.mallet.utilMallet
BulkLoaderThis class reads through a single file, breaking each line into data and (optional) name and label fields.Classcc.mallet.utilMallet
C45A C4.Classcc.mallet.classifyMallet
C45TrainerA C4.Classcc.mallet.classifyMallet
CachedDotTransitionIteratorTransitionIterator that caches dot products.Classcc.mallet.fst.semi_supervised.prMallet
CachedMetricStores a hash for each object being compared for efficient computation.Interfacecc.mallet.typesMallet
CacheStaleIndicatorIndicates when the value/gradient during training becomes stale.Interfacecc.mallet.fstMallet
CachingOptimizableCreated: Aug 27, 2004Version:$Id: CachingOptimizable.Classcc.mallet.grmm.utilMallet
Calo2ClassifyClassify documents, run trials, print statistics from a vector file.Classcc.mallet.classify.tuiMallet
ChainedInstanceIteratorUnder development, and not sure we actually want to have a class list this.Classcc.mallet.typesMallet
CharSequence2CharNGramsTransform a character sequence into a token sequence of character N grams.Classcc.mallet.pipeMallet
CharSequence2TokenSequencePipe that tokenizes a character sequence.Classcc.mallet.pipeMallet
CharSequenceArray2TokenSequenceTransform an array of character Sequences into a token sequence.Classcc.mallet.pipeMallet
CharSequenceLexerClasscc.mallet.utilMallet
CharSequenceLowercaseReplace the data string with a lowercased version.Classcc.mallet.pipeMallet
CharSequenceRemoveHTMLThis pipe removes HTML from a CharSequence.Classcc.mallet.pipeMallet
CharSequenceRemoveUUEncodedBlocksClasscc.mallet.pipeMallet
CharSequenceReplaceGiven a string, repeatedly look for matches of the regex, and replace the entire match with the given replacement string.Classcc.mallet.pipeMallet
CharSubsequenceGiven a string, return only the portion of the string inside a regex parenthesized group.Classcc.mallet.pipeMallet
ClassificationThe result of classifying a single instance.Classcc.mallet.classifyMallet
Classification2ConfidencePredictingFeatureVectorPipe features from underlying classifier to the confidence prediction instance listClasscc.mallet.pipeMallet
ClassifierAbstract parent of all Classifiers.Classcc.mallet.classifyMallet
Classifier2InfoDiagnostic facilities for a classifier.Classcc.mallet.classify.tuiMallet
ClassifierAccuracyEvaluatorClasscc.mallet.classifyMallet
ClassifierEnsembleClassifer for an ensemble of classifers, combined with learned weights.Classcc.mallet.classifyMallet
ClassifierEnsembleTrainerClasscc.mallet.classifyMallet
ClassifierEvaluatorClasscc.mallet.classifyMallet
ClassifierTrainerEach ClassifierTrainer trains one Classifier based on various interfaces for consuming training data.Classcc.mallet.classifyMallet
ClassifyingNeighborEvaluatorA NeighborEvaluator that is backed by a Classifier.Classcc.mallet.cluster.neighbor_evaluatorMallet
ClustererAn abstract class for clustering a set of points.Classcc.mallet.clusterMallet
ClusteringClasscc.mallet.clusterMallet
ClusteringEvaluatorEvaluates a predicted Clustering against a true Clustering.Classcc.mallet.cluster.evaluateMallet
ClusteringEvaluatorsA list of ClusteringEvaluators.Classcc.mallet.cluster.evaluateMallet
ClusteringsClasscc.mallet.clusterMallet
Clusterings2ClustererClasscc.mallet.cluster.tuiMallet
Clusterings2ClusteringsClasscc.mallet.cluster.tuiMallet
Clusterings2InfoClasscc.mallet.cluster.tuiMallet
ClusteringScorerInterfacecc.mallet.cluster.clustering_scorerMallet
ClusterSampleIteratorSample clusters of Instances.Classcc.mallet.cluster.iteratorMallet
ClusterUtilsUtility functions for Clusterings.Classcc.mallet.cluster.utilMallet
ClusterVariationalRegionGeneratorCreated: Jun 1, 2005Version:$Id: ClusterVariationalRegionGenerator.Classcc.mallet.grmm.inference.gbpMallet
CollectionUtils Created: Sun Jan 25 01:04:29 2004Version:$Id: CollectionUtils.Classcc.mallet.utilMallet
ColorUtilsUtilities for dealing with RGB-style colors.Classcc.mallet.utilMallet
CommandOptionClasscc.mallet.utilMallet
ConcatenatedInstanceIteratorConstructor SummaryConcatenatedInstanceIterator(java.Classcc.mallet.pipe.iteratorMallet
ConfidenceCorrectorEvaluatorCalculates the effectiveness of "constrained viterbi" in propagating corrections in one segment of a sequence to otherClasscc.mallet.fst.confidenceMallet
ConfidenceEvaluatorClasscc.mallet.fst.confidenceMallet
ConfidencePredictingClassifierSee Also:Serialized FormFields inherited from class cc.Classcc.mallet.classifyMallet
ConfidencePredictingClassifierTrainerNested Class SummaryNested classes/interfaces inherited from class cc.Classcc.mallet.classifyMallet
ConfidenceTokenizationFilterCreated: Oct 26, 2005Author:Serialized FormClasscc.mallet.extractMallet
ConfusionMatrixCalculates and prints confusion matrix, accuracy, and precision for a given clasification trial.Classcc.mallet.classify.evaluateMallet
ConjugateGradientNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.optimizeMallet
ConllNer2003Sentence2TokenSequenceReads a data file in CoNLL 2003 format, and makes some simple Unlike the version in mccallum.Classcc.mallet.share.casutton.nerMallet
ConllNer2003Sentence2TokenSequenceSee Also:Serialized FormConstructor SummaryConllNer2003Sentence2TokenSequence()Classcc.mallet.share.mccallum.nerMallet
ConstantFactor$Id: ConstantFactor.Classcc.mallet.grmm.typesMallet
ConstantMatrixInterfacecc.mallet.typesMallet
ConstrainedForwardBackwardConfidenceEstimatorEstimates the confidence of a Segment extracted by a Transducer by performing a "constrained lattice" calculation.Classcc.mallet.fst.confidenceMallet
ConstrainedViterbiTransducerCorrectorCorrects a subset of the Segments produced by a Transducer.Classcc.mallet.fst.confidenceMallet
ConstraintsOptimizableByPROptimizable for E-step/I-projection in Posterior Regularization (PR).Classcc.mallet.fst.semi_supervised.prMallet
CountMatchesClasscc.mallet.pipe.tsfMallet
CountMatchesAlignedWithOffsetsSee Also:Serialized FormConstructor SummaryCountMatchesAlignedWithOffsets(java.Classcc.mallet.pipe.tsfMallet
CountMatchesMatchingSee Also:Serialized FormConstructor SummaryCountMatchesMatching(java.Classcc.mallet.pipe.tsfMallet
CPT$Id: CPT.Classcc.mallet.grmm.typesMallet
CRFRepresents a CRF model.Classcc.mallet.fstMallet
CRFCacheStaleIndicatorIndicates when the value/gradient becomes stale based on updates to CRF'sAuthor:Gaurav ChandaliaClasscc.mallet.fstMallet
CRFExtractorCreated: Oct 12, 2004Version:$Id: CRFExtractor.Classcc.mallet.extractMallet
CRFOptimizableByBatchLabelLikelihood easily parallelized.Classcc.mallet.fstMallet
CRFOptimizableByEntropyRegularizationA CRF objective function that is the entropy of the CRF's predictions on unlabeled data.Classcc.mallet.fst.semi_supervisedMallet
CRFOptimizableByGEOptimizable for CRF using Generalized Expectation constraints that consider either a single label or a pair of labels of a linear chain CRF.Classcc.mallet.fst.semi_supervisedMallet
CRFOptimizableByGradientValuesA CRF objective function that is the sum of multiple objective functions that implement Optimizable.Classcc.mallet.fstMallet
CRFOptimizableByKLM-step/M-projection for PR.Classcc.mallet.fst.semi_supervised.prMallet
CRFOptimizableByLabelLikelihoodAn objective function for CRFs that is the label likelihood plus a Gaussian or hyperbolic prior on parameters.Classcc.mallet.fstMallet
CRFTrainerByEntropyRegularizationA CRF trainer that maximizes the log-likelihood plus a weighted entropy regularization term on unlabeled Classcc.mallet.fst.semi_supervisedMallet
CRFTrainerByGETrains a CRF using Generalized Expectation constraints that consider either a single label or a pair of labels of a linear chain CRF.Classcc.mallet.fst.semi_supervisedMallet
CRFTrainerByL1LabelLikelihoodCRF trainer that implements L1-regularization.Classcc.mallet.fstMallet
CRFTrainerByLabelLikelihoodUnlike ClassifierTrainer, TransducerTrainer is not "stateless" between calls to train.Classcc.mallet.fstMallet
CRFTrainerByLikelihoodAndGENested Class SummaryNested classes/interfaces inherited from class cc.Classcc.mallet.fst.semi_supervisedMallet
CRFTrainerByPRPosterior regularization trainer.Classcc.mallet.fst.semi_supervised.prMallet
CRFTrainerByStochasticGradientTrains CRF by stochastic gradient.Classcc.mallet.fstMallet
CRFTrainerByThreadedLabelLikelihoodClasscc.mallet.fstMallet
CRFTrainerByValueGradientsA CRF trainer that can combine multiple objective functions, each represented by a Optmizable.Classcc.mallet.fstMallet
CRFWriterSaves a trained model to specified filename.Classcc.mallet.fstMallet
CrossTemplate1$Id: CrossTemplate1.Classcc.mallet.grmm.examplesMallet
CrossValidationIteratorAn iterator which splits an InstanceList into n-folds and iterates over the folds for use in n-fold cross-validation.Classcc.mallet.typesMallet
CSIntInt2ObjectMultiMapA map that maps (int, int) --> object, where each (int,int) key is allowed to map to multiple objects.Classcc.mallet.grmm.utilMallet
Csv2ArrayConverts a string of comma separated values to an array.Classcc.mallet.pipeMallet
Csv2ClassifyCommand line tool for classifying a sequence of instances directly from text input, withoutClasscc.mallet.classify.tuiMallet
Csv2FeatureVectorConverts a string of the form feature_1:val_1 feature_2:val_2 .Classcc.mallet.pipeMallet
Csv2VectorsCommand line import tool for loading a sequence of instances from a single file, with one instance Classcc.mallet.classify.tuiMallet
CsvIteratorThis iterator, perhaps more properly called a Line Pattern Iterator, reads through a file and returns one instance per line,Classcc.mallet.pipe.iteratorMallet
DecisionTreeDecision Tree classifier.Classcc.mallet.classifyMallet
DecisionTreeTrainerA decision tree learner, roughly ID3, but only to a fixed given depth in all branches.Classcc.mallet.classifyMallet
DefaultAcrfTrainerClass for training ACRFs.Classcc.mallet.grmm.learningMallet
DefaultTokenizationFilterCreated: Nov 12, 2004Version:$Id: DefaultTokenizationFilter.Classcc.mallet.extractMallet
DenseMatrixClasscc.mallet.typesMallet
DenseVectorSee Also:Serialized FormFields inherited from class cc.Classcc.mallet.typesMallet
DirectedModelClass for directed graphical models.Classcc.mallet.grmm.typesMallet
Directory2FileIteratorConvert a File object representing a directory into a FileIterator which iterates over files in the directory matching a pattern and which extractsClasscc.mallet.pipeMallet
DirectoryFilterClasscc.mallet.utilMallet
DirichletVarious useful functions related to Dirichlet distributions.Classcc.mallet.typesMallet
DiscreteFactor$Id: DiscreteFactor.Interfacecc.mallet.grmm.typesMallet
DMRLoaderThis class loads data into the format for the MALLET Dirichlet-multinomial regression (DMR).Classcc.mallet.topics.tuiMallet
DMROptimizableNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.topicsMallet
DMRTopicModelClasscc.mallet.topicsMallet
DocumentClassifierClasscc.mallet.classify.examplesMallet
DocumentExtractionCreated: Oct 12, 2004Version:$Id: DocumentExtraction.Classcc.mallet.extractMallet
DocumentLengthsClasscc.mallet.utilMallet
DocumentViewerDiagnosis class that outputs HTML pages that allows you to view errors on a more global per-instance basis.Classcc.mallet.extractMallet
DoubleListSee Also:Serialized FormConstructor SummaryDoubleList()Classcc.mallet.utilMallet
EmptyInstanceIteratorConstructor SummaryEmptyInstanceIterator()Methods inherited from class java.Classcc.mallet.pipe.iteratorMallet
EnronMessage2TokenSequenceClasscc.mallet.share.weili.ner.enronMallet
EntropyLatticeRuns subsequence constrained forward-backward to compute the entropy of label Gideon Mann, Andrew McCallumClasscc.mallet.fst.semi_supervisedMallet
EvaluateTopicsClasscc.mallet.topics.tuiMallet
ExactMatchComparatorCreated: Nov 23, 2004Version:$Id: ExactMatchComparator.Classcc.mallet.extractMallet
ExactSamplerComputes an exact sample from the distribution of a given factor graph by forming Created: Nov 9, 2005Classcc.mallet.grmm.inferenceMallet
ExamplesA class to demonstrate the functionality of the JWNL package.Classcc.mallet.util.resources.wnMallet
ExpGainClasscc.mallet.typesMallet
ExtractionThe results of doing information extraction.Classcc.mallet.extractMallet
ExtractionConfidenceEstimatorEstimates the confidence in the labeling of a LabeledSpan.Classcc.mallet.extractMallet
ExtractionEvaluatorCreated: Oct 8, 2004Version:$Id: ExtractionEvaluator.Interfacecc.mallet.extractMallet
ExtractorGeneric interface for objects that do information extraction.Interfacecc.mallet.extractMallet
FactorInterface for multivariate discrete probability distributions.Interfacecc.mallet.grmm.typesMallet
FactorGraphClass for undirected graphical models.Classcc.mallet.grmm.typesMallet
FactorizedRegionA more space-efficient Region class that doesn't maintain a global factor over all assignments to the region.Classcc.mallet.grmm.inference.gbpMallet
FactorsA static utility class containing utility methods for dealing with factors, especially TableFactor objects.Classcc.mallet.grmm.typesMallet
FeatureConjunctionClasscc.mallet.typesMallet
FeatureConstraintUtilUtility functions for creating feature constraints that can be used with GE training.Classcc.mallet.classifyMallet
FeatureCounterEfficient, compact, incremental counting of features in an alphabet.Classcc.mallet.typesMallet
FeatureCounterClasscc.mallet.utilMallet
FeatureCountPipePruning low-count features can be a good way to save memory and computation.Classcc.mallet.pipeMallet
FeatureCountsClasscc.mallet.typesMallet
FeatureDocFreqPipePruning low-count features can be a good way to save memory and computation.Classcc.mallet.pipeMallet
FeatureInducerSee Also:Serialized FormConstructor SummaryFeatureInducer(RankedFeatureVector.Classcc.mallet.typesMallet
FeatureSelectingClassifierTrainerAdaptor for adding feature selection to a classifier trainer.Classcc.mallet.classifyMallet
FeatureSelectionClasscc.mallet.typesMallet
FeatureSelectorConstructor SummaryFeatureSelector(RankedFeatureVector.Classcc.mallet.typesMallet
FeatureSequenceAn implementation of Sequence that ensures that every Object in the sequence has the same class.Classcc.mallet.typesMallet
FeatureSequence2AugmentableFeatureVectorConvert the data field from a feature sequence to an augmentable feature vector.Classcc.mallet.pipeMallet
FeatureSequence2FeatureVectorConvert the data field from a feature sequence to a feature vector.Classcc.mallet.pipeMallet
FeatureSequenceConvolution Convert Feature sequenceSee Also:Serialized FormConstructor SummaryFeatureSequenceConvolution()Classcc.mallet.pipeMallet
FeatureSequenceWithBigramsA FeatureSequence with a parallel record of bigrams, kept in a separate dictionaryAuthor:Andrew McCallumSee Also:Serialized FormClasscc.mallet.typesMallet
FeaturesInWindowSee Also:Serialized FormConstructor SummaryFeaturesInWindow(java.Classcc.mallet.pipe.tsfMallet
FeaturesOfFirstMentionSee Also:Serialized FormConstructor SummaryFeaturesOfFirstMention(java.Classcc.mallet.pipe.tsfMallet
FeatureTransducerClasscc.mallet.fstMallet
FeatureValueString2FeatureVectorSee Also:Serialized FormConstructor SummaryFeatureValueString2FeatureVector()Classcc.mallet.pipeMallet
FeatureVectorA subset of an Alphabet in which each element of the subset has an associated value.Classcc.mallet.typesMallet
FeatureVectorConjunctionsInclude in the FeatureVector conjunctions of all its features.Classcc.mallet.pipeMallet
FeatureVectorSequenceClasscc.mallet.typesMallet
FeatureVectorSequence2FeatureVectorsGiven instances with a FeatureVectorSequence in the data field, break up the sequence into the individual FeatureVectors, producing one FeatureVector per Instance.Classcc.mallet.pipeMallet
FeatureWindowAdds all features of tokens in the window to the center token.Classcc.mallet.share.upenn.nerMallet
FieldCreated: Oct 12, 2004Version:$Id: Field.Classcc.mallet.extractMallet
FieldCleanerInterface for functions that are used to clean up field values after extraction has been performed.Interfacecc.mallet.extractMallet
FieldComparatorInterface for functions that compares extracted values of a field to see if they match.Interfacecc.mallet.extractMallet
FileIteratorAn iterator that generates instances from an initial directory or set of directories.Classcc.mallet.pipe.iteratorMallet
FileListIteratorAn iterator that generates instances for a pipe from a list of filenames.Classcc.mallet.pipe.iteratorMallet
Filename2CharSequenceGiven a filename contained in a string, read in contents of file into a CharSequence.Classcc.mallet.pipeMallet
FileUriIteratorFields inherited from class cc.Classcc.mallet.pipe.iteratorMallet
FileUtilsContains static utilities for manipulating files.Classcc.mallet.utilMallet
FilterEmptyFeatureVectorsSee Also:Serialized FormConstructor SummaryFilterEmptyFeatureVectors()Classcc.mallet.pipeMallet
FirstOrderClusterExampleIllustrates use of a supervised clustering method that uses features over clusters.Classcc.mallet.cluster.examplesMallet
FlopsUtilities for flop (floating-point operation) counting.Classcc.mallet.grmm.utilMallet
FSTConstraintUtilExpectation constraint utilities for fst package.Classcc.mallet.fst.semi_supervisedMallet
FullMessageStrategyA first implementation of MessageStrategy that assumes that a BP region graph Created: May 29, 2005Classcc.mallet.grmm.inference.gbpMallet
GainRatioList of features along with their thresholds sorted in descending order of the ratio of (1) information gained by splitting instances on the Classcc.mallet.typesMallet
GammaAverageConfidenceEstimatorCalculates the confidence in an extracted segment by taking the average of P(s_iClasscc.mallet.fst.confidenceMallet
GammaProductConfidenceEstimatorCalculates the confidence in an extracted segment by taking the product of eP(s_iClasscc.mallet.fst.confidenceMallet
GEConstraintInterface for GE constraint that considers either one or two states.Interfacecc.mallet.fst.semi_supervised.constraintsMallet
GELatticeRuns the dynamic programming algorithm of [Mann and McCallum 08] for computing the gradient of a Generalized Expectation constraint thatClasscc.mallet.fst.semi_supervisedMallet
GeneralUtilsStatic utility methods that didn't seem to belong anywhere else.Classcc.mallet.grmm.utilMallet
GenericAcrfData2TokenSequenceGeneric pipe that takes a linegroup of the form: LABEL1 LABEL2 .Classcc.mallet.grmm.learningMallet
GenericAcrfTuiClasscc.mallet.grmm.learningMallet
GibbsSamplerCreated: Mar 28, 2005Version:$Id: GibbsSampler.Classcc.mallet.grmm.inferenceMallet
GradientAscentNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.optimizeMallet
GradientBracketLineOptimizerNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.optimizeMallet
GradientGainClasscc.mallet.typesMallet
GraphFramework for standard graph.Classcc.mallet.classify.evaluateMallet
Graph2Methods for a 2-D graphSee Also:Serialized FormClasscc.mallet.classify.evaluateMallet
GraphItemHolds data for a point on a graphConstructor SummaryGraphItem(java.Classcc.mallet.classify.evaluateMallet
GraphsCreated: Dec 21, 2005Version:$Id: Graphs.Classcc.mallet.grmm.utilMallet
GreedyAgglomerativeGreedily merges Instances until convergence.Classcc.mallet.clusterMallet
GreedyAgglomerativeByDensityGreedily merges Instances until convergence.Classcc.mallet.clusterMallet
HashedSparseVectorSee Also:Serialized FormFields inherited from class cc.Classcc.mallet.typesMallet
HashVarSetA clique is a collection of nodes in a graph that are all adjacent.Classcc.mallet.grmm.typesMallet
HierarchicalLDAClasscc.mallet.topicsMallet
HierarchicalLDATUIClasscc.mallet.topics.tuiMallet
HierarchicalPAMHierarchical PAM, where each node in the DAG has a distribution over all topics on the next level and one additional "node-specific" topic.Classcc.mallet.topicsMallet
HierarchicalTokenizationFilterTokenization filter that will create nested spans based on a hierarchical labeling of the data.Classcc.mallet.extractMallet
HillClimbingClustererA Clusterer that iteratively improves a predicted Clustering using a NeighborEvaluator.Classcc.mallet.clusterMallet
HMMA Hidden Markov Model.Classcc.mallet.fstMallet
HMMTrainerByLikelihoodNested Class SummaryNested classes/interfaces inherited from class cc.Classcc.mallet.fstMallet
IDSorterThis class is contains a comparator for use in sorting integers that have associated floating point values.Classcc.mallet.typesMallet
IndexedSparseVectorSee Also:Serialized FormFields inherited from class cc.Classcc.mallet.typesMallet
InferencerInterface implemented by all inferencers, which are algorithms for computing (perhaps approximately) marginal distributions overInterfacecc.mallet.grmm.inferenceMallet
InferTopicsClasscc.mallet.topics.tuiMallet
InfoGainClasscc.mallet.typesMallet
Input2CharSequencePipe that can read from various kinds of text sources (either URI, File, or Reader) into a CharSequenceClasscc.mallet.pipeMallet
InstanceA machine learning "example" to be used in training, testing or performance of various machine learning algorithms.Classcc.mallet.typesMallet
InstanceAccuracyEvaluatorReports the percentage of instances for which the entire predicted sequence was Created: May 12, 2004Classcc.mallet.fstMallet
InstanceListA list of machine learning instances, typically used for training or testing of a machine learning algorithm.Classcc.mallet.typesMallet
InstanceListTrimFeaturesByCountClasscc.mallet.pipeMallet
InstanceListTUIClasscc.mallet.typesMallet
InstanceWithConfidenceHelper class to store confidence of an Instance.Classcc.mallet.fst.confidenceMallet
InvalidOptimizableExceptionException thrown by optimization algorithms, when the problem is usually due to a problem with the given Maximizable instance.Classcc.mallet.optimizeMallet
InvertedIndexClasscc.mallet.typesMallet
IoUtilsClasscc.mallet.utilMallet
IsolatedSegmentTransducerCorrectorCorrects a subset of the Segments produced by a Transducer.Classcc.mallet.fst.confidenceMallet
JunctionTreeDatastructure for a junction tree.Classcc.mallet.grmm.inferenceMallet
JunctionTreeInferencerDoes inference in general graphical models using the Hugin junction tree algorithm.Classcc.mallet.grmm.inferenceMallet
KBestClustererReturn the K best predicted ClusteringsAuthor:culottaSee Also:Serialized FormClasscc.mallet.clusterMallet
Kikuchi4SquareRegionGeneratorCreated: May 31, 2005Version:$Id: Kikuchi4SquareRegionGenerator.Classcc.mallet.grmm.inference.gbpMallet
KLGainClasscc.mallet.typesMallet
KMeans Clusters the points into k clusters by minimizing the total intra-cluster variance.Classcc.mallet.clusterMallet
LabelClasscc.mallet.typesMallet
LabelAlphabetA mapping from arbitrary objects (usually String's) to integers (and corresponding Label objects) and back.Classcc.mallet.typesMallet
LabelDistributionEvaluatorPrints predicted and true label distribution.Classcc.mallet.fstMallet
LabeledSpanCreated: Oct 12, 2004Version:$Id: LabeledSpan.Classcc.mallet.extractMallet
LabeledSpansCreated: Oct 31, 2004Version:$Id: LabeledSpans.Classcc.mallet.extractMallet
LabelerInterfacecc.mallet.typesMallet
LabelingA distribution over possible labels for an instance.Interfacecc.mallet.typesMallet
LabelingsA collection of labelings, either for a multi-label problem (all labels are part of the same label dictionary), or a factorizedClasscc.mallet.typesMallet
LabelsUsually some distribution over possible labels for an instance.Classcc.mallet.typesMallet
LabelsAssignmentA special kind of assignment for Variables that can be arranged in a LabelsSequence.Classcc.mallet.grmm.utilMallet
LabelSequenceClasscc.mallet.typesMallet
LabelsSequenceA simple Sequence implementation where all of the elements must be Labels.Classcc.mallet.typesMallet
LabelsSequence2Assignment$Id: LabelsSequence2Assignment.Classcc.mallet.grmm.utilMallet
LabelVectorClasscc.mallet.typesMallet
LatticeViewerCreated: Oct 31, 2004Version:$Id: LatticeViewer.Classcc.mallet.extractMallet
LDALatent Dirichlet Allocation.Classcc.mallet.topicsMallet
LDAHyperLatent Dirichlet Allocation with optimized hyperparametersAuthor:David Mimno, Andrew McCallumSee Also:Serialized FormClasscc.mallet.topicsMallet
LDAStreamClasscc.mallet.topicsMallet
LengthBinsA feature approximating string length.Classcc.mallet.share.upenn.nerMallet
LexerInterfacecc.mallet.utilMallet
LexiconMembershipSee Also:Serialized FormConstructor SummaryLexiconMembership(java.Classcc.mallet.pipe.tsfMallet
LimitedMemoryBFGSNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.optimizeMallet
LineGroupIteratorIterate over groups of lines of text, separated by lines that match a regular expression.Classcc.mallet.pipe.iteratorMallet
LineGroupString2TokenSequenceSee Also:Serialized FormConstructor SummaryLineGroupString2TokenSequence()Classcc.mallet.pipeMallet
LineIteratorConstructor SummaryLineIterator(java.Classcc.mallet.pipe.iteratorMallet
LineOptimizerOptimize, constrained to move parameters along the direction of a specified line.Interfacecc.mallet.optimizeMallet
ListMemberChecks membership in a lexicon in a text file.Classcc.mallet.share.upenn.nerMallet
ListVarSetA clique that uses very little time and memory based on the flyweight pattern, in the same way as BitVarSet.Classcc.mallet.grmm.typesMallet
LogNumberClasscc.mallet.typesMallet
LogTableFactorCreated: Jan 4, 2006Version:$Id: LogTableFactor.Classcc.mallet.grmm.typesMallet
LongRegexMatchesMatches a regular expression which spans several tokens.Classcc.mallet.share.upenn.nerMallet
LoopyBPThe loopy belief propagation algorithm for approximate inference in general graphical models.Classcc.mallet.grmm.inferenceMallet
MakeAmpersandXMLFriendlyconvert & to & in tokens of a token sequenceAuthor:Aron Culotta culotta@cs.Classcc.mallet.pipeMallet
MalletLoggerClasscc.mallet.utilMallet
MalletProgressMessageLoggerCreated by IntelliJ IDEA.Classcc.mallet.utilMallet
MarginalProbEstimatorAn implementation of topic model marginal probability estimators presented in Wallach et al.Classcc.mallet.topicsMallet
MathsClasscc.mallet.utilMallet
MatricesStatic Matrix constructors.Classcc.mallet.grmm.utilMallet
MatrixInterfacecc.mallet.typesMallet
Matrix2See Also:Serialized FormFields inherited from class cc.Classcc.mallet.typesMallet
Matrixn number of dimensions.Classcc.mallet.typesMallet
MatrixOpsA class of static utility functions for manipulating arrays ofConstructor SummaryMatrixOps()Classcc.mallet.typesMallet
MaxEntMaximum Entropy (AKA Multivariate Logistic Regression) classifier.Classcc.mallet.classifyMallet
MaxEntConfidenceEstimatorEstimates the confidence of a Segment extracted by a Transducer using a MaxEnt classifier to classify segments as "correct" or "incorrect.Classcc.mallet.fst.confidenceMallet
MaxEntFLGEConstraintsAbstract expectation constraint for use with Generalized Expectation (GE).Classcc.mallet.classify.constraints.geMallet
MaxEntFLPRConstraintsAbstract expectation constraint for use with Posterior Regularization (PR).Classcc.mallet.classify.constraints.prMallet
MaxEntGEConstraintInterface for expectation constraints for use with Generalized Expectation (GE).Interfacecc.mallet.classify.constraints.geMallet
MaxEntGERangeTrainerTraining of MaxEnt models with labeled features using Generalized Expectation Criteria.Classcc.mallet.classifyMallet
MaxEntGETrainerTraining of MaxEnt models with labeled features using Generalized Expectation Criteria.Classcc.mallet.classifyMallet
MaxEntKLFLGEConstraintsExpectation constraint for use with GE.Classcc.mallet.classify.constraints.geMallet
MaxEntL1TrainerClasscc.mallet.classifyMallet
MaxEntL2FLGEConstraintsExpectation constraint for use with GE.Classcc.mallet.classify.constraints.geMallet
MaxEntL2FLPRConstraintsExpectation constraint for use with Posterior Regularization (PR).Classcc.mallet.classify.constraints.prMallet
MaxEntOptimizableByGENested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.classifyMallet
MaxEntOptimizableByLabelDistributionNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.classifyMallet
MaxEntOptimizableByLabelLikelihoodNested Class SummaryNested classes/interfaces inherited from interface cc.Classcc.mallet.classifyMallet
MaxEntPRConstraintInterface for expectation constraints for use with Posterior Regularization (PR).Interfacecc.mallet.classify.constraints.prMallet
MaxEntPRTrainerPenalty (soft) version of Posterior Regularization (PR) for training MaxEnt.Classcc.mallet.classifyMallet
MaxEntRangeL2FLGEConstraintsExpectation constraint for use with GE.Classcc.mallet.classify.constraints.geMallet
MaxEntSequenceConfidenceEstimatorEstimates the confidence of a Sequence extracted by a Transducer using a MaxEnt classifier to classify Sequences as "correct" or "incorrect.Classcc.mallet.fst.confidenceMallet
MaxEntShellSimple wrapper for training a MALLET maxent classifier.Classcc.mallet.share.upennMallet
MaxEntTrainerThe trainer for a Maximum Entropy classifier.Classcc.mallet.classifyMallet
MaxLatticeThe interface to classes implementing the Viterbi algorithm, finding the best sequence of states for a given input sequence.Interfacecc.mallet.fstMallet
MaxLatticeDefaultDefault, full dynamic programming version of the Viterbi "Max-(Product)-Lattice" algorithm.Classcc.mallet.fstMallet
MaxLatticeFactorySee Also:Serialized FormConstructor SummaryMaxLatticeFactory()Classcc.mallet.fstMallet
MCMaxEntMaximum Entropy classifier.Classcc.mallet.classifyMallet
MCMaxEntTrainerThe trainer for a Maximum Entropy classifier.Classcc.mallet.classifyMallet
MedoidEvaluatorUses a Classifier over pairs of Instances to score Neighbor.Classcc.mallet.cluster.neighbor_evaluatorMallet
MEMMA Maximum Entropy Markov Model.Classcc.mallet.fstMallet
MEMMTrainerTrains and evaluates a MEMM.Classcc.mallet.fstMallet
MessageArrayEfficiently manages a array of messages in a factor graph from variables to factors and vice versa.Classcc.mallet.grmm.inferenceMallet
MessageStrategyCreated: May 29, 2005Version:$Id: MessageStrategy.Interfacecc.mallet.grmm.inference.gbpMallet
MetricInterfacecc.mallet.typesMallet
MinHeapCreated by IntelliJ IDEA.Classcc.mallet.util.searchMallet
MinkowskiClasscc.mallet.typesMallet
MinSegmentConfidenceEstimatorEstimates the confidence of an entire sequence by the least confidence segment.Classcc.mallet.fst.confidenceMallet
MIntInt2ObjectMapHash map that maps integer pairs to objects.Classcc.mallet.grmm.utilMallet
ModelReader$Id: ModelReader.Classcc.mallet.grmm.utilMallet
ModelReaderExampleClasscc.mallet.grmm.examplesMallet
ModelsStatic utilities that do useful things with factor graphs.Classcc.mallet.grmm.utilMallet
ModelWriter$Id: ModelReader.Classcc.mallet.grmm.utilMallet
MUCEvaluatorEvaluate a Clustering using the MUC evaluation metric.Classcc.mallet.cluster.evaluateMallet
MultiInstanceListAn implementation of InstanceList that logically combines multiple instance lists so that they appear as one list without copying the original lists.Classcc.mallet.typesMallet
MultinomialA probability distribution over a set of features represented as a FeatureVector.Classcc.mallet.typesMallet
MultinomialHMMLatent Dirichlet Allocation.Classcc.mallet.topicsMallet
MultiSegmentationEvaluatorEvaluates a transducer model, computes the precision, recall and F1 scores; considers segments that span across multiple tokens.Classcc.mallet.fstMallet
MultiSegmentationEvaluatorACRFClasscc.mallet.grmm.learningMallet
MVNormalTools for working with multivariate normal distributionsConstructor SummaryMVNormal()Classcc.mallet.utilMallet
NaiveBayesA classifier that classifies instances according to the NaiveBayes method.Classcc.mallet.classifyMallet
NaiveBayesEMTrainerClasscc.mallet.classifyMallet
NaiveBayesTrainerClass used to generate a NaiveBayes classifier from a set of training data.Classcc.mallet.classifyMallet
NBestViterbiConfidenceEstimatorEstimates the confidence of an entire sequence by the probability that one of the the Viterbi paths rank 2->N is correct.Classcc.mallet.fst.confidenceMallet
NeighborA Clustering and a modified version of that Clustering.Classcc.mallet.cluster.neighbor_evaluatorMallet
NeighborEvaluatorScores the value of changing the current Clustering to the modified Clustering specified in a Neighbor object.Interfacecc.mallet.cluster.neighbor_evaluatorMallet
NeighborIteratorSample Instances with data objects equal to Neighbors.Classcc.mallet.cluster.iteratorMallet
NEPipesClasscc.mallet.share.upenn.nerMallet
NodeClusterSampleIteratorSamples merges of a singleton cluster with another (possibly non-singleton) cluster.Classcc.mallet.cluster.iteratorMallet
NoopA pipe that does nothing to the instance fields but which has side effects on the dictionary.Classcc.mallet.pipeMallet
NoopTransducerTrainerA TransducerTrainer that does no training, but simply acts as a container for a Transducer; for use in situations that require a TransducerTrainer, such as the TransducerEvaluator methods.Classcc.mallet.fstMallet
NormalFactorMultivariate Gaussian factor.Classcc.mallet.grmm.typesMallet
NormalizedDotProductMetric 1 - [ / sqrt (*)] aka 1 - cosine similarityClasscc.mallet.typesMallet
NPTopicModelA non-parametric topic model that uses the "minimal path" assumption to reduce bookkeeping.Classcc.mallet.topicsMallet
NullLabelObject that carries a LabelAlphabet.Classcc.mallet.typesMallet
OffsetConjunctionsClasscc.mallet.pipe.tsfMallet
OffsetFeatureConjunctionSee Also:Serialized FormConstructor SummaryOffsetFeatureConjunction(java.Classcc.mallet.pipe.tsfMallet
OffsetPropertyConjunctionsClasscc.mallet.pipe.tsfMallet
OneLabelGEConstraintsA set of constraints on distributions over single labels conditioned on the presence of input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
OneLabelKLGEConstraintsA set of constraints on distributions over consecutive labels conditioned an input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
OneLabelL2GEConstraintsA set of constraints on distributions over consecutive labels conditioned an input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
OneLabelL2IndPRConstraintsA set of constraints on individual input feature label pairs.Classcc.mallet.fst.semi_supervised.pr.constraintsMallet
OneLabelL2PRConstraintsA set of constraints on distributions over single labels conditioned on the presence of input features.Classcc.mallet.fst.semi_supervised.pr.constraintsMallet
OneLabelL2RangeGEConstraintsA set of constraints on individual input feature label pairs.Classcc.mallet.fst.semi_supervised.constraintsMallet
OptimizableInterfacecc.mallet.optimizeMallet
OptimizableCollectionClasscc.mallet.optimizeMallet
OptimizationExceptionGeneral exception thrown by optimization algorithms when there is an optimization-specific problem.Classcc.mallet.optimizeMallet
OptimizerInterfacecc.mallet.optimizeMallet
OptimizerEvaluatorCallback interface that allows optimizer clients to perform some operation after every iteration.Interfacecc.mallet.optimizeMallet
OrthantWiseLimitedMemoryBFGS optimizing convex L1-regularized objectives.Classcc.mallet.optimizeMallet
PagedInstanceListAn InstanceList which avoids OutOfMemoryErrors by saving Instances to disk when there is not enough memory to create a newClasscc.mallet.typesMallet
PairF1EvaluatorEvaluates two clustering using pairwise comparisons.Classcc.mallet.cluster.evaluateMallet
PairSampleIteratorSample pairs of Instances.Classcc.mallet.cluster.iteratorMallet
PairwiseEvaluatorUses a Classifier over pairs of Instances to score Neighbor.Classcc.mallet.cluster.neighbor_evaluatorMallet
PairwiseMatrix2-D upper-triangular matrix.Classcc.mallet.cluster.utilMallet
PairwiseScorerFor each pair of Instances, if the pair is predicted to be in the same cluster, increment the total by the evaluator's score for merging the two.Classcc.mallet.cluster.clustering_scorerMallet
PAM4LFour Level Pachinko Allocation with MLE learning, based on Andrew's Latent Dirichlet Allocation.Classcc.mallet.topicsMallet
ParallelTopicModelSimple parallel threaded implementation of LDA, following Newman, Asuncion, Smyth and Welling, Distributed Algorithms for Topic ModelsClasscc.mallet.topicsMallet
ParameterizedFactorA factor that supports taking derivatives with respect to its continuous variables.Interfacecc.mallet.grmm.typesMallet
ParenGroupIteratorIterator that takes a Reader, breaks up the input into top-level parenthesized expressions.Classcc.mallet.pipe.iteratorMallet
ParentChildGBPCreated: May 27, 2005Version:$Id: ParentChildGBP.Classcc.mallet.grmm.inference.gbpMallet
PartiallyRankedFeatureVectorClasscc.mallet.typesMallet
PatternMatchIteratorIterates over matching regular expresions.Classcc.mallet.pipe.iteratorMallet
PerClassAccuracyEvaluatorDetermines the precision, recall and F1 on a per-class basis.Classcc.mallet.fstMallet
PerDocumentF1EvaluatorCreated: Oct 8, 2004Version:$Id: PerDocumentF1Evaluator.Classcc.mallet.extractMallet
PerFieldF1EvaluatorCreated: Oct 8, 2004Version:$Id: PerFieldF1Evaluator.Classcc.mallet.extractMallet
PerLabelFeatureCountsClasscc.mallet.typesMallet
PerLabelInfoGainClasscc.mallet.typesMallet
PiecewiseACRFTrainerCreated: Mar 15, 2005Version:$Id: CliquewiseACRFTrainer.Classcc.mallet.grmm.learningMallet
PipeThe abstract superclass of all Pipes, which transform one data type to another.Classcc.mallet.pipeMallet
PipedInstanceWithConfidenceHelper class to store confidence of an Instance.Classcc.mallet.fst.confidenceMallet
PipedIteratorCreated: Mar 3, 2005Version:$Id: PipedIterator.Classcc.mallet.grmm.utilMallet
PipeExceptionSee Also:Serialized FormConstructor SummaryPipeException()Classcc.mallet.pipeMallet
PipeExtendedIteratorProvides a PipeExtendedIterator that applies a Pipe to the Instances returned by a given PipeExtendedIterator,Classcc.mallet.pipe.iteratorMallet
PipeInputIteratorInterface for classes that generate instances.Classcc.mallet.pipe.iteratorMallet
PipeUtilsCreated: Aug 28, 2005Version:$Id: PipeUtils.Classcc.mallet.pipeMallet
PlainLogFormatterClasscc.mallet.utilMallet
PolylingualTopicModelLatent Dirichlet Allocation for loosely parallel corpora in arbitrary languagesAuthor:David Mimno, Andrew McCallumSee Also:Serialized FormClasscc.mallet.topicsMallet
PottsTableFactorA factor over a continuous variable alpha and discrete variables x such that phi(xClasscc.mallet.grmm.typesMallet
PRAuxClassifierAuxiliary model (q) for E-step/I-projection in PR training.Classcc.mallet.classifyMallet
PRAuxClassifierOptimizableOptimizable for training auxiliary model (q) for E-step/I-projection in PR training.Classcc.mallet.classifyMallet
PRAuxiliaryModelAuxiliar model (q) for E-step/I-projection in Posterior Regularization (PR).Classcc.mallet.fst.semi_supervised.prMallet
PRConstraintInterface for PR constraint that considers either one or two states.Interfacecc.mallet.fst.semi_supervised.pr.constraintsMallet
PrintInputPrint the data field of each instance.Classcc.mallet.pipeMallet
PrintInputAndTargetPrint the data and target fields of each instance.Classcc.mallet.pipeMallet
PrintTokenSequenceFeaturesPrint properties of the token sequence in the data field and the corresponding value of any token in a token sequence or feature in a featur sequence in the target field.Classcc.mallet.pipeMallet
PrintUtilitiesA simple utility class that lets you very simply print an arbitrary component.Classcc.mallet.utilMallet
PriorityQueueCreated by IntelliJ IDEA.Interfacecc.mallet.util.searchMallet
ProgressMessageLogFormatterFormat ProgressMessages destined for screen.Classcc.mallet.utilMallet
ProgressMessageLogRecordA log message that is to be written in place (no newline) if the message is headed for the user's terminal.Classcc.mallet.utilMallet
PropertyHolderInterfacecc.mallet.typesMallet
PropertyListClasscc.mallet.utilMallet
PseudolikelihoodACRFTrainerCreated: Mar 15, 2005Version:$Id: PseudolikelihoodACRFTrainer.Classcc.mallet.grmm.learningMallet
PunctuationIgnoringComparatorCreated: Nov 23, 2004Version:$Id: PunctuationIgnoringComparator.Classcc.mallet.extractMallet
PwplACRFTrainer NB The wrong-wrong options are for an extension that we tried that never quite worked Created: Mar 15, 2005Classcc.mallet.grmm.learningMallet
QBCSequenceConfidenceEstimatorEstimates the confidence of an entire sequence by the "disagreement" among a committee of CRFs.Classcc.mallet.fst.confidenceMallet
QueueElementCreated by IntelliJ IDEA.Interfacecc.mallet.util.searchMallet
RandomConfidenceEstimatorRandomly assigns values between 0-1 to the confidence of a Segment.Classcc.mallet.fst.confidenceMallet
RandomEvaluatorRandomly scores Neighbors.Classcc.mallet.cluster.neighbor_evaluatorMallet
RandomFeatureVectorIteratorClasscc.mallet.pipe.iteratorMallet
RandomGraphsUtility class for generating many useful kinds of random graphical Created: Mar 26, 2005Classcc.mallet.grmm.inferenceMallet
RandomsSee Also:Serialized FormConstructor SummaryRandoms()Classcc.mallet.utilMallet
RandomSequenceConfidenceEstimatorEstimates the confidence of an entire sequence randomly.Classcc.mallet.fst.confidenceMallet
RandomTokenSequenceIteratorClasscc.mallet.pipe.iteratorMallet
RankedFeatureVectorClasscc.mallet.typesMallet
RankingNeighborEvaluatorUses a Classifier that scores an array of Neighbors.Classcc.mallet.cluster.neighbor_evaluatorMallet
RankMaxEntRank Maximum Entropy classifier.Classcc.mallet.classifyMallet
RankMaxEntTrainerThe trainer for a RankMaxEnt classifier.Classcc.mallet.classifyMallet
RecordClasscc.mallet.clusterMallet
RecordCreated: Oct 12, 2004Version:$Id: Record.Classcc.mallet.extractMallet
RegexFieldCleanerA field cleaner that removes all occurrences of a given regex.Classcc.mallet.extractMallet
RegexFileFilterConstructor SummaryRegexFileFilter(java.Classcc.mallet.utilMallet
RegexMatchesSee Also:Serialized FormConstructor SummaryRegexMatches(java.Classcc.mallet.pipe.tsfMallet
RegionGraphGeneratorInterface for strategies that construct region graphs from arbitrary graphical models.Interfacecc.mallet.grmm.inference.gbpMallet
RememberTokenizationPipeCreated: Mar 17, 2005Version:$Id: RememberTokenizationPipe.Classcc.mallet.grmm.utilMallet
ResidualBPA dynamic BP schedule where The loopy belief propagation algorithm for approximate inference inClasscc.mallet.grmm.inferenceMallet
ROCDataTracks ROC data for instances in Trial results.Classcc.mallet.typesMallet
SamplerInterface for methods from sampling the distribution given by a graphical Created: Mar 28, 2005Interfacecc.mallet.grmm.inferenceMallet
SamplingInferencerApproximate inferencer for graphical models using sampling.Classcc.mallet.grmm.inferenceMallet
SaveDataInSourceSet the source field of each instance to its data field.Classcc.mallet.pipeMallet
SearchNodeCreated by IntelliJ IDEA.Classcc.mallet.util.searchMallet
SearchStateCreated by IntelliJ IDEA.Interfacecc.mallet.util.searchMallet
SegmentRepresents a labelled chunk of a Sequence segmented by a Transducer, usually corresponding to some object extractedClasscc.mallet.fstMallet
SegmentationEvaluatorFields inherited from class cc.Classcc.mallet.fstMallet
SegmentIteratorIterates over Segments extracted by a Transducer for some InstanceList.Classcc.mallet.pipe.iteratorMallet
SegmentProductConfidenceEstimatorEstimates the confidence of an entire sequence by combining the output of a segment confidence estimator for each segment.Classcc.mallet.fst.confidenceMallet
SelectiveFileLineIteratorVery similar to the SimpleFileLineIterator, but skips lines that match a regular expression.Classcc.mallet.pipe.iteratorMallet
SelectiveSGML2TokenSequenceSimilar to SGML2TokenSequence, except that only the tags listed in allowedTags are converted to Labels.Classcc.mallet.pipeMallet
SelfTransitionGEConstraintGE Constraint on the probability of self-transitions in the FST.Classcc.mallet.fst.semi_supervised.constraintsMallet
SequenceInterfacecc.mallet.typesMallet
SequenceConfidenceInstanceStores a Sequence and a PropertyList, used when extracting features from a Sequence in a pipe for confidence predictionClasscc.mallet.fst.confidenceMallet
SequencePairClasscc.mallet.typesMallet
SequencePairAlignmentClasscc.mallet.typesMallet
SequencePrintingPipeCreated: Jul 6, 2005Version:$Id: SequencePrintingPipe.Classcc.mallet.pipe.tsfMallet
SequencesUtility methods for cc.Classcc.mallet.utilMallet
SerialPipesConvert an instance through a sequence of pipes.Classcc.mallet.pipeMallet
SGML2TokenSequenceConverts a string containing simple SGML tags into a dta TokenSequence of words, paired with a target TokenSequence containing the SGML tags in effect for each word.Classcc.mallet.pipeMallet
ShallowTransducerTrainerWraps around an already trained Transducer model.Classcc.mallet.fstMallet
SimilarTokensTemplateTemplate for adding "skip edges" as inVersion:$Id: SimilarTokensTemplate.Classcc.mallet.grmm.learning.templatesMallet
SimpleCrfExample$Id: SimpleCrfExample.Classcc.mallet.grmm.examplesMallet
SimpleFactorExampleA simple example to demonstrate the row-major indexing of potential values.Classcc.mallet.grmm.examplesMallet
SimpleFileLineIteratorConstructor SummarySimpleFileLineIterator(java.Classcc.mallet.pipe.iteratorMallet
SimpleGraphExampleCreated: Aug 13, 2004Version:$Id: SimpleGraphExample.Classcc.mallet.grmm.examplesMallet
SimpleLDAA simple implementation of Latent Dirichlet Allocation using Gibbs sampling.Classcc.mallet.topicsMallet
SimpleTaggerThis class's main method trains, tests, or runs a generic CRF-based Training and test files consist of blocks of lines, one block for each instance, Classcc.mallet.fstMallet
SimpleTaggerSentence2StringTokenizationThis extends SimpleTaggerSentence2TokenSequence to use {Slink StringTokenizations} for use with the extract package.Classcc.mallet.pipeMallet
SimpleTaggerSentence2TokenSequenceConverts an external encoding of a sequence of elements with binary features to a TokenSequence.Classcc.mallet.pipeMallet
SimpleTaggerWithConstraintsVersion of SimpleTagger that trains CRFs with expectation constraints rather than labeled data.Classcc.mallet.fst.semi_supervised.tuiMallet
SimpleTokenizerA simple unicode tokenizer that accepts sequences of letters See Also:Serialized FormClasscc.mallet.pipeMallet
SingleInstanceIteratorClasscc.mallet.typesMallet
SkeletonFactorA subclass of Factor in which all operations throw an UnsupportedOperationException.Classcc.mallet.grmm.typesMallet
SliceLabelsSequence Created: Fri Jan 02 23:27:04 2004Version:1.Classcc.mallet.grmm.utilMallet
SourceLocation2TokenSequenceRead from File or BufferedRead in the data field and produce a TokenSequence.Classcc.mallet.pipeMallet
SpanA sub-section of a document, either linear or two-dimensional.Interfacecc.mallet.extractMallet
SparseMatrixn number of dimensions.Classcc.mallet.typesMallet
SparseMessageSenderCreated: Jun 1, 2005Version:$Id: SparseMessageSender.Classcc.mallet.grmm.inference.gbpMallet
SparseVectorA vector that allocates memory only for non-zero values.Classcc.mallet.typesMallet
StateLabelMapMaps states in the lattice to labels.Classcc.mallet.fst.semi_supervisedMallet
StatFunctionsClasscc.mallet.utilMallet
StochasticMetaAscentClasscc.mallet.optimizeMallet
StringAddNewLineDelimiterPipe that can adds special text between lines to explicitly represent line breaks.Classcc.mallet.pipeMallet
StringArrayIteratorConstructor SummaryStringArrayIterator(java.Classcc.mallet.pipe.iteratorMallet
StringEditFeatureVectorSequenceClasscc.mallet.typesMallet
StringEditVectorSee Also:Serialized FormConstructor SummaryStringEditVector()Classcc.mallet.typesMallet
StringKernelComputes a similarity metric between two strings, based on counts of common subsequences of characters.Classcc.mallet.typesMallet
StringList2FeatureSequenceConvert a list of strings into a feature sequenceSee Also:Serialized FormClasscc.mallet.pipeMallet
StringsStatic utility methods for StringsConstructor SummaryStrings()Classcc.mallet.utilMallet
StringSpanA sub-section of a linear string.Classcc.mallet.extractMallet
StringTokenizationSee Also:Serialized FormFields inherited from class java.Classcc.mallet.extractMallet
SumLatticeInterface to perform forward-backward during training of a transducer.Interfacecc.mallet.fstMallet
SumLatticeBeamClasscc.mallet.fstMallet
SumLatticeConstrainedNested Class SummaryNested classes/interfaces inherited from class cc.Classcc.mallet.fstMallet
SumLatticeDefaultClasscc.mallet.fstMallet
SumLatticeDefaultCachedDotClasscc.mallet.fst.semi_supervised.prMallet
SumLatticeFactoryProvides factory methods to create inference engine for training a transducer.Classcc.mallet.fstMallet
SumLatticeKLLattice for M-step/M-projection in PR.Classcc.mallet.fst.semi_supervised.prMallet
SumLatticePRLattice for E-step/I-projection in PR.Classcc.mallet.fst.semi_supervised.prMallet
SumLatticeScalingClasscc.mallet.fstMallet
SvmLight2ClassifyCommand line tool for classifying a sequence of instances directly from text input, without creating an instance list.Classcc.mallet.classify.tuiMallet
SvmLight2FeatureVectorAndLabelThis Pipe converts a line in SVMLight format to a Mallet instance with FeatureVector data and Classcc.mallet.pipeMallet
SvmLight2VectorsCommand line import tool for loading a sequence of instances from an SVMLight feature-value pair file, with one instance Classcc.mallet.classify.tuiMallet
TableFactorCreated: Jan 4, 2006Version:$Id: TableFactor.Classcc.mallet.grmm.typesMallet
Target2BIOFormatCreates a LabelSequence out of a TokenSequence that is the target of an Instance.Classcc.mallet.pipe.tsfMallet
Target2FeatureSequenceConvert a token sequence in the target field into a feature sequence in the target field.Classcc.mallet.pipeMallet
Target2LabelConvert object in the target field into a label in the target field.Classcc.mallet.pipeMallet
Target2LabelSequenceconvert a token sequence in the target field into a label sequence in the target field.Classcc.mallet.pipeMallet
TargetRememberLastLabelFor each position in the target, remember the last non-background label.Classcc.mallet.pipeMallet
TargetStringToFeaturesSee Also:Serialized FormConstructor SummaryTargetStringToFeatures()Classcc.mallet.pipeMallet
TestAbstractBeliefPropagation$Id: TestAbstractBeliefPropagation.Classcc.mallet.grmm.testMallet
TestAlphabetCreated: Nov 24, 2004Version:$Id: TestAlphabet.Classcc.mallet.types.testsMallet
TestAssignmentCreated: Aug 11, 2004Version:$Id: TestAssignment.Classcc.mallet.grmm.testMallet
TestAssignmentIteratorCreated: Aug 11, 2004Version:$Id: TestAssignmentIterator.Classcc.mallet.grmm.testMallet
TestAStarCreated by IntelliJ IDEA.Classcc.mallet.util.testsMallet
TestAugmentableFeatureVectorCreated: Dec 30, 2004Version:$Id: TestAugmentableFeatureVector.Classcc.mallet.types.testsMallet
TestBetaFactor$Id: TestBetaFactor.Classcc.mallet.grmm.testMallet
TestBitVarSetCreated: Aug 22, 2005Version:$Id: TestBitVarSet.Classcc.mallet.grmm.testMallet
TestClassifiersConstructor SummaryTestClassifiers(java.Classcc.mallet.classify.testsMallet
TestClusteringEvaluatorsExamples drawn from Luo, "On Coreference Resolution Performance Metrics", HLT 2005.Classcc.mallet.cluster.evaluate.testsMallet
TestCRFTests for CRF training.Classcc.mallet.fst.testsMallet
TestCRFPipeConstructor SummaryTestCRFPipe(java.Classcc.mallet.examplesMallet
TestDirectedModelCreated: Mar 28, 2005Version:$Id: TestDirectedModel.Classcc.mallet.grmm.testMallet
TestDocumentExtractionCreated: Oct 12, 2004Version:$Id: TestDocumentExtraction.Classcc.mallet.extract.testMallet
TestDocumentViewerCreated: Mar 30, 2005Version:$Id: TestDocumentViewer.Classcc.mallet.extract.testMallet
TestFactorGraphCreated: Mar 17, 2005Version:$Id: TestFactorGraph.Classcc.mallet.grmm.testMallet
TestFactorsCreated: Mar 28, 2005Version:$Id: TestFactors.Classcc.mallet.grmm.testMallet
TestFeatureSequenceConstructor SummaryTestFeatureSequence(java.Classcc.mallet.types.testsMallet
TestFeatureTransducerConstructor SummaryTestFeatureTransducer(java.Classcc.mallet.fst.testsMallet
TestFeatureVectorConstructor SummaryTestFeatureVector(java.Classcc.mallet.types.testsMallet
TestGenericAcrfData2TokenSequenceCreated: Sep 15, 2005Version:$Id: TestGenericAcrfData2TokenSequence.Classcc.mallet.grmm.testMallet
TestGibbsSampler$Id: TestGibbsSampler.Classcc.mallet.grmm.testMallet
TestHashCliqueCreated: Aug 22, 2005Version:$Id: TestHashClique.Classcc.mallet.grmm.testMallet
TestHashedSparseVectorConstructor SummaryTestHashedSparseVector(java.Classcc.mallet.types.testsMallet
TestIndexedSparseVectorConstructor SummaryTestIndexedSparseVector(java.Classcc.mallet.types.testsMallet
TestInferenceTorture tests of inference in GRMM.Classcc.mallet.grmm.testMallet
TestInstanceListWeightsConstructor SummaryTestInstanceListWeights()Methods inherited from class java.Classcc.mallet.types.testsMallet
TestInstancePipeClasscc.mallet.pipe.testsMallet
TestIteratorsClasscc.mallet.cluster.iterator.testsMallet
TestIteratorsUnit Test for PipeInputIterators Created: Thu Feb 26 14:27:15 2004Classcc.mallet.pipe.testsMallet
TestLabelAlphabetCreated: Nov 24, 2004Version:$Id: TestLabelAlphabet.Classcc.mallet.types.testsMallet
TestLabelsSequenceCreated: Sep 21, 2004Version:$Id: TestLabelsSequence.Classcc.mallet.types.testsMallet
TestLabelVectorConstructor SummaryTestLabelVector(java.Classcc.mallet.types.testsMallet
TestLatticeViewerCreated: Oct 31, 2004Version:$Id: TestLatticeViewer.Classcc.mallet.extract.testMallet
TestListVarSetCreated: Aug 22, 2005Version:$Id: TestListVarSet.Classcc.mallet.grmm.testMallet
TestLogTableFactorCreated: Aug 17, 2004Version:$Id: TestLogTableFactor.Classcc.mallet.grmm.testMallet
TestMathsCreated: Oct 31, 2004Version:$Id: TestMaths.Classcc.mallet.util.testsMallet
TestMatrixConstructor SummaryTestMatrix(java.Classcc.mallet.types.testsMallet
TestMatrixnCreated: Aug 30, 2004Version:$Id: TestMatrixn.Classcc.mallet.types.testsMallet
TestMaxEntTrainerConstructor SummaryTestMaxEntTrainer(java.Classcc.mallet.classify.testsMallet
TestMEMMTests for MEMM training.Classcc.mallet.fst.testsMallet
TestMIntInt2ObjectMapCreated: Dec 14, 2005Version:$Id: TestMIntInt2ObjectMap.Classcc.mallet.grmm.testMallet
TestMultinomialConstructor SummaryTestMultinomial(java.Classcc.mallet.types.testsMallet
TestNaiveBayesConstructor SummaryTestNaiveBayes(java.Classcc.mallet.classify.testsMallet
TestNormalFactor$Id: TestNormalFactor.Classcc.mallet.grmm.testMallet
TestOffsetConjunctionsConstructor SummaryTestOffsetConjunctions(java.Classcc.mallet.pipe.tsf.testsMallet
TestOffsetFeatureConjunctions$Id: TestOffsetFeatureConjunctions.Classcc.mallet.pipe.tsf.testsMallet
TestOptimizableContains static methods for testing subclasses of Maximizable and Maximizable.Classcc.mallet.optimize.testsMallet
TestOptimizerUnit Test for class TestMaximizer.Classcc.mallet.optimize.testsMallet
TestPagedInstanceListCreated: Apr 19, 2005Version:$Id: TestPagedInstanceList.Classcc.mallet.types.testsMallet
TestPatternMatchIteratorConstructor SummaryTestPatternMatchIterator(java.Classcc.mallet.pipe.iterator.testsMallet
TestPerDocumentF1EvaluatorCreated: Nov 18, 2004Version:$Id: TestPerDocumentF1Evaluator.Classcc.mallet.extract.testMallet
TestPipeUtilsCreated: Aug 28, 2005Version:$Id: TestPipeUtils.Classcc.mallet.pipe.testsMallet
TestPottsFactor$Id: TestPottsFactor.Classcc.mallet.grmm.testMallet
TestPriorityQueueCreated by IntelliJ IDEA.Classcc.mallet.util.testsMallet
TestPropertyListConstructor SummaryTestPropertyList(java.Classcc.mallet.util.testsMallet
TestRainbowStyleConstructor SummaryTestRainbowStyle(java.Classcc.mallet.pipe.testsMallet
TestRandomCreated: Jan 19, 2005Version:$Id: TestRandom.Classcc.mallet.util.testsMallet
TestRandomGraphsCreated: Mar 26, 2005Version:$Id: TestRandomGraphs.Classcc.mallet.grmm.testMallet
TestRankedFeatureVectorConstructor SummaryTestRankedFeatureVector(java.Classcc.mallet.types.testsMallet
TestSequencePrintingPipeCreated: Jul 8, 2005Version:$Id: TestSequencePrintingPipe.Classcc.mallet.pipe.tsf.testsMallet
TestSerializableStatic utility for testing serializable classes in MALLET.Classcc.mallet.types.testsMallet
TestSGML2TokenSequenceClasscc.mallet.pipe.testsMallet
TestSpacePipeUnit Test for class TestSpacePipe.Classcc.mallet.pipe.testsMallet
TestSparseMatrixnCreated: Aug 30, 2004Version:$Id: TestSparseMatrixn.Classcc.mallet.types.testsMallet
TestSparseVectorConstructor SummaryTestSparseVector(java.Classcc.mallet.types.testsMallet
TestStaticParametersClasscc.mallet.classify.testsMallet
TestStringsCreated: Jan 19, 2005Version:$Id: TestStrings.Classcc.mallet.util.testsMallet
TestSumNegLogProb2Constructor SummaryTestSumNegLogProb2(java.Classcc.mallet.fst.testsMallet
TestTableFactorCreated: Aug 17, 2004Version:$Id: TestTableFactor.Classcc.mallet.grmm.testMallet
TestTokenConstructor SummaryTestToken(java.Classcc.mallet.types.testsMallet
TestTRP$Id: TestTRP.Classcc.mallet.grmm.testMallet
TestUndirectedModelCreated: Mar 17, 2005Version:$Id: TestUndirectedModel.Classcc.mallet.grmm.testMallet
TestUniformFactor$Id: TestUniformFactor.Classcc.mallet.grmm.testMallet
TestUniNormalFactor$Id: TestUniNormalFactor.Classcc.mallet.grmm.testMallet
Text2ClassifyCommand line tool for classifying a sequence of instances directly from text input, withoutClasscc.mallet.classify.tuiMallet
Text2ClusteringsClasscc.mallet.cluster.tuiMallet
Text2VectorsConvert document files into vectors (a persistent instance list).Classcc.mallet.classify.tuiMallet
THashMultiMapVersion of THashMap where every key is mapped to a list of objects.Classcc.mallet.grmm.utilMallet
ThreadedOptimizableAn adaptor for optimizables based on batch values/gradients.Classcc.mallet.fstMallet
TimingA class for timing things.Classcc.mallet.utilMallet
TokenA representation of a piece of text, usually a single word, to which we can attach properties.Classcc.mallet.typesMallet
Token2FeatureVectorconvert the property list on a token into a feature vectorAuthor:Andrew McCallum mccallum@cs.Classcc.mallet.pipeMallet
TokenAccuracyEvaluatorEvaluates a transducer model based on predictions of individual tokens.Classcc.mallet.fstMallet
TokenFirstPositionSee Also:Serialized FormConstructor SummaryTokenFirstPosition()Classcc.mallet.pipe.tsfMallet
TokenizationInterfacecc.mallet.extractMallet
TokenizationFilterCreated: Nov 12, 2004Version:$Id: TokenizationFilter.Interfacecc.mallet.extractMallet
TokenSequenceA representation of a piece of text, usually a single word, to which we can attach properties.Classcc.mallet.typesMallet
TokenSequence2FeatureSequenceConvert the token sequence in the data field each instance to a feature sequence.Classcc.mallet.pipeMallet
TokenSequence2FeatureSequenceWithBigramsConvert the token sequence in the data field of each instance to a feature sequence that preserves bigram information.Classcc.mallet.pipeMallet
TokenSequence2FeatureVectorSequenceConvert the token sequence in the data field of each instance to a feature vector sequence.Classcc.mallet.pipeMallet
TokenSequence2TokenInstancesSee Also:Serialized FormConstructor SummaryTokenSequence2TokenInstances()Classcc.mallet.pipeMallet
TokenSequence2TokenizationHeuristically converts a simple token sequence into a Tokenization that can be used with all the extract package goodies.Classcc.mallet.extract.pipeMallet
TokenSequenceDocHeaderSee Also:Serialized FormConstructor SummaryTokenSequenceDocHeader()Classcc.mallet.share.mccallum.nerMallet
TokenSequenceLowercaseConvert the text in each token in the token sequence in the data field to lower case.Classcc.mallet.pipeMallet
TokenSequenceMatchDataAndTargetRun a regular expression over the text of each token; replace the text with the substring matching one regex group; create a targetClasscc.mallet.pipeMallet
TokenSequenceNGramsConvert the token sequence in the data field to a token sequence of ngrams.Classcc.mallet.pipeMallet
TokenSequenceParseFeatureStringConvert the string in each field Token.Classcc.mallet.pipeMallet
TokenSequenceRemoveNonAlphaRemove tokens that contain non-alphabetic characters.Classcc.mallet.pipeMallet
TokenSequenceRemoveStopwordsRemove tokens from the token sequence in the data field whose text is in the stopword list.Classcc.mallet.pipeMallet
TokenTextSee Also:Serialized FormConstructor SummaryTokenText()Classcc.mallet.pipe.tsfMallet
TokenTextCharNGramsSee Also:Serialized FormConstructor SummaryTokenTextCharNGrams()Classcc.mallet.pipe.tsfMallet
TokenTextCharPrefixSee Also:Serialized FormConstructor SummaryTokenTextCharPrefix()Classcc.mallet.pipe.tsfMallet
TokenTextCharSuffixSee Also:Serialized FormConstructor SummaryTokenTextCharSuffix()Classcc.mallet.pipe.tsfMallet
TokenTextNGramsSee Also:Serialized FormConstructor SummaryTokenTextNGrams()Classcc.mallet.pipe.tsfMallet
TopicalNGramsLike Latent Dirichlet Allocation, but with integrated phrase discovery.Classcc.mallet.topicsMallet
TopicAssignmentThis class combines a sequence of observed features with a sequence of hidden "labels".Classcc.mallet.topicsMallet
TopicInferencerClasscc.mallet.topicsMallet
TopicModelClasscc.mallet.examplesMallet
TopicModelDiagnosticsClasscc.mallet.topicsMallet
TopicTrainerCreate a simple LDA topic model, with some reporting options.Classcc.mallet.topics.tuiMallet
TrainCRFConstructor SummaryTrainCRF(java.Classcc.mallet.examplesMallet
TrainHMMConstructor SummaryTrainHMM(java.Classcc.mallet.examplesMallet
TransducerA base class for all sequence models, analogous to classify.Classcc.mallet.fstMallet
TransducerConfidenceEstimatorAbstract class that estimates the confidence of a Segment extracted by a Transducer.Classcc.mallet.fst.confidenceMallet
TransducerCorrectorInterface for transducerCorrectors, which correct a subset of the Segments produced by a Transducer.Interfacecc.mallet.fst.confidenceMallet
TransducerEvaluatorAn abstract class to evaluate a transducer model.Classcc.mallet.fstMallet
TransducerExtractionConfidenceEstimatorEstimates the confidence in the labeling of a LabeledSpan using a TransducerConfidenceEstimator.Classcc.mallet.extractMallet
TransducerSequenceConfidenceEstimatorAbstract class that estimates the confidence of a Sequence extracted by a Transducer.Classcc.mallet.fst.confidenceMallet
TransducerTrainerAn abstract class to train and evaluate a transducer model.Classcc.mallet.fstMallet
TreeClass for arbitrary trees, based on implementation in OpenJGraph.Classcc.mallet.grmm.typesMallet
TreeBP in trees.Classcc.mallet.grmm.inferenceMallet
TrialStores the results of classifying a collection of Instances, and provides many methods for evaluating the results.Classcc.mallet.classifyMallet
TrieLexiconMembershipSee Also:Serialized FormConstructor SummaryTrieLexiconMembership(java.Classcc.mallet.pipe.tsfMallet
TRP in general graphical models.Classcc.mallet.grmm.inferenceMallet
TUIClasscc.mallet.share.mccallum.nerMallet
TUIClasscc.mallet.share.weili.ner.enronMallet
TwoLabelGEConstraintsA set of constraints on distributions over pairs of consecutive labels conditioned on the presence of input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
TwoLabelKLGEConstraintsA set of constraints on distributions over consecutive labels conditioned an input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
TwoLabelL2GEConstraintsA set of constraints on distributions over consecutive labels conditioned an input features.Classcc.mallet.fst.semi_supervised.constraintsMallet
UndirectedGridA grid-shaped undirected graphical model.Classcc.mallet.grmm.typesMallet
UndirectedModelClass for pairwise undirected graphical models, also known as pairwise Markov random fields.Classcc.mallet.grmm.typesMallet
UniformFactor$Id: UniformFactor.Classcc.mallet.grmm.typesMallet
UniNormalFactorUnivariate Gaussian factor.Classcc.mallet.grmm.typesMallet
UnivariateClasscc.mallet.utilMallet
UniverseA global mapping between variables and indices.Classcc.mallet.grmm.typesMallet
UnlabeledFileIteratorAn iterator that generates instances from an initial directory or set of directories.Classcc.mallet.pipe.iteratorMallet
UnmodifiableVarSetCreated: Dec 15, 2005Version:$Id: UnmodifiableVarSet.Classcc.mallet.grmm.typesMallet
UriUtilsClasscc.mallet.utilMallet
UtilsA bunch of static utilities useful for dealing with Inferencers.Classcc.mallet.grmm.inferenceMallet
VariableClass for a discrete random variable in a graphical model.Classcc.mallet.grmm.typesMallet
VariableEliminationThe variable elimination algorithm for inference in graphical Created: Mon Sep 22 17:34:00 2003Classcc.mallet.grmm.inferenceMallet
VarSetInterface for classes that maintain a set of variables in a specified order.Interfacecc.mallet.grmm.typesMallet
VectorInterfacecc.mallet.typesMallet
Vectors2ClassifyClassify documents, run trials, print statistics from a vector file.Classcc.mallet.classify.tuiMallet
Vectors2FeatureConstraintsCreate "feature constraints" from data for use in GE training.Classcc.mallet.classify.tuiMallet
Vectors2InfoDiagnostic facilities for a vector file.Classcc.mallet.classify.tuiMallet
Vectors2TopicsPerform topic analysis in the style of LDA and its variants.Classcc.mallet.topics.tuiMallet
Vectors2VectorsA command-line tool for manipulating InstanceLists.Classcc.mallet.classify.tuiMallet
VectorStatsClasscc.mallet.utilMallet
ViterbiConfidenceEstimatorEstimates the confidence of an entire sequence by the probability of the Viterbi path normalized by the probabliity of the entireClasscc.mallet.fst.confidenceMallet
ViterbiRatioConfidenceEstimatorEstimates the confidence of an entire sequence by the ration of the probabilities of the first and second best Viterbi paths.Classcc.mallet.fst.confidenceMallet
ViterbiWriterPrints the input instances along with the features and the true and predicted labels to a file.Classcc.mallet.fstMallet
WinnowClassification methods of Winnow2 algorithm.Classcc.mallet.classifyMallet
WinnowTrainerAn implementation of the training methods of a Winnow2 on-line classifier.Classcc.mallet.classifyMallet
WordTransformationClasscc.mallet.share.weili.nerMallet
WorkerRunnableA parallel topic model runnable task.Classcc.mallet.topicsMallet