472 using namespace shogun;
474 #define SHOGUN_TEMPLATE_CLASS
475 #define SHOGUN_BASIC_CLASS
938 case PT_COMPLEX128:
return NULL;
940 case PT_UNDEFINED:
return NULL;
961 case PT_COMPLEX128:
return NULL;
963 case PT_UNDEFINED:
return NULL;
984 case PT_COMPLEX128:
return NULL;
986 case PT_UNDEFINED:
return NULL;
1007 case PT_COMPLEX128:
return NULL;
1009 case PT_UNDEFINED:
return NULL;
1030 case PT_COMPLEX128:
return NULL;
1032 case PT_UNDEFINED:
return NULL;
1053 case PT_COMPLEX128:
return NULL;
1055 case PT_UNDEFINED:
return NULL;
1076 case PT_COMPLEX128:
return NULL;
1078 case PT_UNDEFINED:
return NULL;
1099 case PT_COMPLEX128:
return NULL;
1101 case PT_UNDEFINED:
return NULL;
1122 case PT_COMPLEX128:
return NULL;
1124 case PT_UNDEFINED:
return NULL;
1145 case PT_COMPLEX128:
return NULL;
1147 case PT_UNDEFINED:
return NULL;
1168 case PT_COMPLEX128:
return NULL;
1170 case PT_UNDEFINED:
return NULL;
1191 case PT_COMPLEX128:
return NULL;
1193 case PT_UNDEFINED:
return NULL;
1214 case PT_COMPLEX128:
return NULL;
1216 case PT_UNDEFINED:
return NULL;
1237 case PT_COMPLEX128:
return NULL;
1239 case PT_UNDEFINED:
return NULL;
1260 case PT_COMPLEX128:
return NULL;
1262 case PT_UNDEFINED:
return NULL;
1283 case PT_COMPLEX128:
return NULL;
1285 case PT_UNDEFINED:
return NULL;
1306 case PT_COMPLEX128:
return NULL;
1308 case PT_UNDEFINED:
return NULL;
1316 case PT_BOOL:
return new CParseBuffer<bool>();
1317 case PT_CHAR:
return new CParseBuffer<char>();
1318 case PT_INT8:
return new CParseBuffer<int8_t>();
1319 case PT_UINT8:
return new CParseBuffer<uint8_t>();
1320 case PT_INT16:
return new CParseBuffer<int16_t>();
1321 case PT_UINT16:
return new CParseBuffer<uint16_t>();
1322 case PT_INT32:
return new CParseBuffer<int32_t>();
1323 case PT_UINT32:
return new CParseBuffer<uint32_t>();
1324 case PT_INT64:
return new CParseBuffer<int64_t>();
1325 case PT_UINT64:
return new CParseBuffer<uint64_t>();
1326 case PT_FLOAT32:
return new CParseBuffer<float32_t>();
1327 case PT_FLOAT64:
return new CParseBuffer<float64_t>();
1328 case PT_FLOATMAX:
return new CParseBuffer<floatmax_t>();
1329 case PT_COMPLEX128:
return NULL;
1331 case PT_UNDEFINED:
return NULL;
1352 case PT_COMPLEX128:
return NULL;
1354 case PT_UNDEFINED:
return NULL;
1375 case PT_COMPLEX128:
return NULL;
1377 case PT_UNDEFINED:
return NULL;
1398 case PT_COMPLEX128:
return NULL;
1400 case PT_UNDEFINED:
return NULL;
1421 case PT_COMPLEX128:
return NULL;
1423 case PT_UNDEFINED:
return NULL;
1444 case PT_COMPLEX128:
return NULL;
1446 case PT_UNDEFINED:
return NULL;
1467 case PT_COMPLEX128:
return NULL;
1469 case PT_UNDEFINED:
return NULL;
1490 case PT_COMPLEX128:
return NULL;
1492 case PT_UNDEFINED:
return NULL;
1515 case PT_UNDEFINED:
return NULL;
1538 case PT_UNDEFINED:
return NULL;
1561 case PT_UNDEFINED:
return NULL;
1584 case PT_UNDEFINED:
return NULL;
1607 case PT_UNDEFINED:
return NULL;
1611 typedef CSGObject* (*new_sgserializable_t)(EPrimitiveType
generic);
1612 #ifndef DOXYGEN_SHOULD_SKIP_THIS
1615 const char* m_class_name;
1617 } class_list_entry_t;
2099 EPrimitiveType
generic)
2101 for (class_list_entry_t* i=
class_list; i->m_class_name != NULL;
2104 if (strncmp(i->m_class_name, sgserializable_name,
STRING_LEN) == 0)
2105 return i->m_new_sgserializable(
generic);
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwParser(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingAsciiFile(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CTreeMachine(EPrimitiveType g)
Class GaussianProcessBinaryClassification implements binary classification based on Gaussian Processe...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCompressor(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMMDKernelSelectionMedian(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CQDA(EPrimitiveType g)
Class Time that implements a stopwatch based on either cpu time or wall clock time.
static SHOGUN_BASIC_CLASS CSGObject * __new_CBaseMulticlassMachine(EPrimitiveType g)
Base class that stores the result of an independent job when the result is a scalar.
static SHOGUN_BASIC_CLASS CSGObject * __new_CWDSVMOcas(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHashedWDFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingHashedDocDotFeatures(EPrimitiveType g)
class Task used to represent tasks in multitask learning. Essentially it represent a set of feature v...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskKernelPlifNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_COnlineSVMSGD(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCosineDistance(EPrimitiveType g)
Wrapper class for an index subset which is used by SubsetStack.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMeanAbsoluteError(EPrimitiveType g)
class HammingWordDistance
the class DimensionReductionPreprocessor, a base class for preprocessors used to lower the dimensiona...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGHMM(EPrimitiveType g)
class LinearLocalTangentSpaceAlignment converter used to construct embeddings as described in: ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CJediDiag(EPrimitiveType g)
Class CFactorType defines the way of factor parameterization.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationPrintOutput(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDirectLinearSolverComplex(EPrimitiveType g)
The MultitaskKernel allows Multitask Learning via a modified kernel function.
Class KernelRidgeRegression implements Kernel Ridge Regression - a regularized least square method fo...
static SHOGUN_BASIC_CLASS CSGObject * __new_CIndexBlockGroup(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLocalityPreservingProjections(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CMatrixFeatures(EPrimitiveType g)
Computes the standard linear kernel on CDotFeatures.
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CScalarResult(EPrimitiveType g)
base class for cross-validation evaluation. Given a learning machine, a splitting strategy...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSerializableAsciiFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJediSep(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskLogisticRegression(EPrimitiveType g)
Class OnlineLinearMachine is a generic interface for linear machines like classifiers which work thro...
Class that models Logit likelihood.
static SHOGUN_BASIC_CLASS CSGObject * __new_CProtobufFile(EPrimitiveType g)
Class QDA implements Quadratic Discriminant Analysis.
Base class of the labels used in Structured Output (SO) problems.
The standard Sigmoid kernel computed on dense real valued features.
The class CNGramTokenizer is used to tokenize a SGVector into n-grams.
Latent Features class The class if for representing features for latent learning, e...
The class MulticlassOVREvaluation used to compute evaluation parameters of multiclass classification ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCombinedDotFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassMultipleOutputLabels(EPrimitiveType g)
The class ContingencyTableEvaluation a base class used to evaluate 2-class classification with TP...
Class CVwNativeCacheReader reads from a cache exactly as that which has been produced by VW's default...
static SHOGUN_BASIC_CLASS CSGObject * __new_CLocalAlignmentStringKernel(EPrimitiveType g)
Computes the standard polynomial kernel on CDotFeatures.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLOOCrossValidationSplitting(EPrimitiveType g)
This class implements streaming features for a document collection. Like in the standard Bag-of-Words...
Model selection class which searches for the best model by a gradient-search.
The Gaussian exact form inference method class.
static SHOGUN_BASIC_CLASS CSGObject * __new_CUWedgeSep(EPrimitiveType g)
Class StreamingAsciiFile to read vector-by-vector from ASCII files.
Class that models Gaussian likelihood.
static SHOGUN_BASIC_CLASS CSGObject * __new_CTwoStateModel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMMDKernelSelectionCombMaxL2(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianProcessBinaryClassification(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLocalityImprovedStringKernel(EPrimitiveType g)
Real Labels are real-valued labels.
MKLMulticlass is a class for L1-norm Multiclass MKL.
static SHOGUN_BASIC_CLASS CSGObject * __new_CStructuredAccuracy(EPrimitiveType g)
a string class embedding a string in a compact bit representation
static SHOGUN_BASIC_CLASS CSGObject * __new_CRealFileFeatures(EPrimitiveType g)
class GMNPLib Library of solvers for Generalized Minimal Norm Problem (GMNP).
class IndexBlockGroup used to represent group-based feature relation.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPyramidChi2(EPrimitiveType g)
Class that generates jobs for computing logarithm of a dense matrix linear operator.
class StringSubsequenceKernel that implements String Subsequence Kernel (SSK) discussed by Lodhi et...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCombinedKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCanberraMetric(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDenseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPositionalPWM(EPrimitiveType g)
class Factor Analysis used to embed data using Factor Analysis algorithm.
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandom(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLineReader(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSortUlongString(EPrimitiveType g)
InverseMultiQuadricKernel.
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCRandomDenseEncoder(EPrimitiveType g)
spectrum mismatch rbf kernel
static SHOGUN_BASIC_CLASS CSGObject * __new_CLeastAngleRegression(EPrimitiveType g)
The Diagonal Kernel returns a constant for the diagonal and zero otherwise.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassLogisticRegression(EPrimitiveType g)
threshold based rejection strategy
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearStringKernel(EPrimitiveType g)
class to implement LibLinear
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogDetEstimator(EPrimitiveType g)
class PrecisionMeasure used to measure precision of 2-class classifier.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultiquadricKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBinnedDotFeatures(EPrimitiveType g)
Class GaussianProcessRegression implements regression based on Gaussian Processes.
experimental abstract native multiclass machine class
class SparseEucldeanDistance
static SHOGUN_BASIC_CLASS CSGObject * __new_CFFDiag(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTaskTree(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStructuredData(EPrimitiveType g)
Class DualLibQPBMSOSVM that uses Bundle Methods for Regularized Risk Minimization algorithms for stru...
static SHOGUN_BASIC_CLASS CSGObject * __new_CJacobiEllipticFunctions(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphObservation(EPrimitiveType g)
Class CStreamingFileFromDenseFeatures is a derived class of CStreamingFile which creates an input sou...
Implementation of circular buffer This buffer has logical structure such as queue (FIFO)...
This class implements streaming features with dense feature vectors.
static SHOGUN_BASIC_CLASS CSGObject * __new_CDixonQTestRejectionStrategy(EPrimitiveType g)
This class offers access to the Oligo Kernel introduced by Meinicke et al. in 2004.
static SHOGUN_BASIC_CLASS CSGObject * __new_CQDiag(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWaveKernel(EPrimitiveType g)
multiclass one vs one strategy used to train generic multiclass machines for K-class problems with bu...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCommWordStringKernel(EPrimitiveType g)
CTaxonomy is used to describe hierarchical structure between tasks.
static SHOGUN_BASIC_CLASS CSGObject * __new_CKNN(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMahalanobisDistance(EPrimitiveType g)
The CommUlongString kernel may be used to compute the spectrum kernel from strings that have been map...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingStringFeatures(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingHashedDenseFeatures(EPrimitiveType g)
DiceKernelNormalizer performs kernel normalization inspired by the Dice coefficient (see http://en...
The MultitaskKernel allows Multitask Learning via a modified kernel function.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSimpleLocalityImprovedStringKernel(EPrimitiveType g)
#define SHOGUN_BASIC_CLASS
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskLinearMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CParameterCombination(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBrayCurtisDistance(EPrimitiveType g)
Template class SimpleFile to read and write from files.
A base class for Gaussian Processes.
class IndexBlockTree used to represent tree guided feature relation.
static SHOGUN_BASIC_CLASS CSGObject * __new_CRegulatoryModulesStringKernel(EPrimitiveType g)
The Custom Kernel allows for custom user provided kernel matrices.
static SHOGUN_BASIC_CLASS CSGObject * __new_CNGramTokenizer(EPrimitiveType g)
The Product kernel is used to combine a number of kernels into a single ProductKernel object by eleme...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassOVREvaluation(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphLabels(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBinaryFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorType(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPlifArray(EPrimitiveType g)
Class CVwEnvironment is the environment used by VW.
Class that computes multiple independent instances of computation jobs sequentially.
class CTDistributedStochasticNeighborEmbedding used to embed data using t-distributed stochastic neig...
class to perform Least Squares Regression
Linear Kernel with Automatic Relevance Detection.
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDynamicArray(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CAlphabet(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNeighborhoodPreservingEmbedding(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCustomKernel(EPrimitiveType g)
simplified version of Dixon's Q test outlier based rejection strategy. Statistic values are taken fro...
Implementaion of rational approximation of a operator-function times vector where the operator functi...
static SHOGUN_BASIC_CLASS CSGObject * __new_CStructuredLabels(EPrimitiveType g)
Class MCLDA implements multiclass Linear Discriminant Analysis.
Class that represents the job of applying the log of a CDenseMatrixOperator on a real vector...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassSVM(EPrimitiveType g)
class that uses conjugate gradient method of solving a linear system involving a real valued linear o...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CHashedDenseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBinaryLabels(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianNaiveBayes(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDirectSparseLinearSolver(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassLabels(EPrimitiveType g)
The Jensen-Shannon kernel operating on real-valued vectors computes the Jensen-Shannon distance betwe...
UI HMM (Hidden Markov Model)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandomSearchModelSelection(EPrimitiveType g)
class GNPPLib, a Library of solvers for Generalized Nearest Point Problem (GNPP). ...
class CrossCorrelationMeasure used to measure cross correlation coefficient of 2-class classifier...
static SHOGUN_BASIC_CLASS CSGObject * __new_CExplicitSpecFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIPreprocessor(EPrimitiveType g)
The class GaussianMatchStringKernel computes a variant of the Gaussian kernel on strings of same leng...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCircularBuffer(EPrimitiveType g)
class Latent Structured Output SVM, an structured output based machine for classification problems wi...
Implements optimal kernel selection for single kernels. Given a number of baseline kernels...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStoreScalarAggregator(EPrimitiveType g)
Multiclass Labels for multi-class classification with multiple labels.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearTimeMMD(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CZeroMeanCenterKernelNormalizer(EPrimitiveType g)
CVwParser is the object which provides the functions to parse examples from buffered input...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSVMLin(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIStructure(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTensorProductPairKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLDA(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibLinearRegression(EPrimitiveType g)
Class CHMSVMModel that represents the application specific model and contains the application depende...
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearMulticlassMachine(EPrimitiveType g)
class AccuracyMeasure used to measure accuracy of 2-class classifier.
Gaussian distribution interface.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGradientCriterion(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIConverter(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJensenShannonKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLocalTangentSpaceAlignment(EPrimitiveType g)
class CTwoStateModel class for the internal two-state representation used in the CHMSVMModel.
static SHOGUN_BASIC_CLASS CSGObject * __new_CDenseExactLogJob(EPrimitiveType g)
Template class SparseFeatures implements sparse matrices.
static SHOGUN_BASIC_CLASS CSGObject * __new_CDiffusionMaps(EPrimitiveType g)
Base class that stores the result of an independent job.
static SHOGUN_BASIC_CLASS CSGObject * __new_CInverseMultiQuadricKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJADiag(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSNPStringKernel(EPrimitiveType g)
class Multitask Least Squares Regression, a machine to solve regression problems with a few tasks rel...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSmoothHingeLoss(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDiagKernel(EPrimitiveType g)
The FixedDegree String kernel takes as input two strings of same size and counts the number of matche...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultidimensionalScaling(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussian(EPrimitiveType g)
class StochasticProximityEmbedding used to construct embeddings of data using the Stochastic Proximit...
static SHOGUN_BASIC_CLASS CSGObject * __new_CNativeMulticlassMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLMNN(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRationalQuadraticKernel(EPrimitiveType g)
class FeatureBlockLogisticRegression, a linear binary logistic loss classifier for problems with comp...
The class Alphabet implements an alphabet and alphabet utility functions.
Class Averaged Perceptron implements the standard linear (online) algorithm. Averaged perceptron is t...
This class is identical to the CDenseFeatures class except that it hashes each dimension to a new fea...
class GHMM - this class is non-functional and was meant to implement a Generalize Hidden Markov Model...
static SHOGUN_BASIC_CLASS CSGObject * __new_CRescaleFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBitString(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearStructuredOutputMachine(EPrimitiveType g)
This class acts as an alternative to the CStreamingSparseFeatures class and their difference is that ...
ANOVA (ANalysis Of VAriances) kernel.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPolyKernel(EPrimitiveType g)
The class MulticlassAccuracy used to compute accuracy of multiclass classification.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSignal(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationSplitting(EPrimitiveType g)
class Tanimoto coefficient
static SHOGUN_BASIC_CLASS CSGObject * __new_CScatterSVM(EPrimitiveType g)
Compression library for compressing and decompressing buffers using one of the standard compression a...
static SHOGUN_BASIC_CLASS CSGObject * __new_CDenseMatrixExactLog(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGMNPSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWeightedDegreePositionStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCHDDecoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassLibLinear(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandomFourierGaussPreproc(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLMNNStatistics(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskROCEvaluation(EPrimitiveType g)
class MultitaskClusteredLogisticRegression, a classifier for multitask problems. Supports only task g...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassOCAS(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCommUlongStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_COnlineLibLinear(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingFileFromStringFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDualLibQPBMSOSVM(EPrimitiveType g)
VwAdaptiveLearner uses an adaptive subgradient technique to update weights.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCustomDistance(EPrimitiveType g)
Generalized T-Student kernel.
class LocalTangentSpaceAlignment used to embed data using Local Tangent Space Alignment (LTSA) algori...
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraph(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHomogeneousKernelMap(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CContingencyTableEvaluation(EPrimitiveType g)
Class LMNNStatistics used to give access to intermediate results obtained training LMNN...
Preprocessor SortUlongString, sorts the indivual strings in ascending order.
The SalzbergWordString kernel implements the Salzberg kernel.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationMKLStorage(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLeastSquaresRegression(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWeightedDegreeStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CManifoldSculpting(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPCA(EPrimitiveType g)
Preprocessor LogPlusOne does what the name says, it adds one to a dense real valued vector and takes ...
Implementation of optimal kernel selection for combined kernel. This class selects a combination of b...
A generic KernelMachine interface.
Multiple Kernel Learning for one-class-classification.
static SHOGUN_BASIC_CLASS CSGObject * __new_CExactInferenceMethod(EPrimitiveType g)
class TaskGroup used to represent a group of tasks. Tasks in group do not overlap.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNormalSampler(EPrimitiveType g)
Class for buffered reading from a ascii file.
Agglomerative hierarchical single linkage clustering.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidation(EPrimitiveType g)
Class CSequenceLabels used e.g. in the application of Structured Output (SO) learning to Hidden Marko...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingHashedSparseFeatures(EPrimitiveType g)
class KernelLocallyLinearEmbedding used to construct embeddings of data using kernel formulation of L...
static SHOGUN_BASIC_CLASS CSGObject * __new_CNearestCentroid(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibLinearMTL(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDenseSubsetFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSOBI(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CChiSquareDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKMeans(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingFileFromDenseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSparsePolyFeatures(EPrimitiveType g)
The class SNPStringKernel computes a variant of the polynomial kernel on strings of same length...
static SHOGUN_BASIC_CLASS CSGObject * __new_CStochasticProximityEmbedding(EPrimitiveType g)
Features that compute the Weighted Degreee Kernel feature space explicitly.
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCForestEncoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CExponentialKernel(EPrimitiveType g)
type to encapsulate the results of an evaluation run. May contain confidence interval (if conf_int_al...
static SHOGUN_BASIC_CLASS CSGObject * __new_CDynamicObjectArray(EPrimitiveType g)
The Kernel distance takes a distance as input.
The Exponential Kernel, closely related to the Gaussian Kernel computed on CDotFeatures.
TanimotoKernelNormalizer performs kernel normalization inspired by the Tanimoto coefficient (see http...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CSimpleFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLatentSVM(EPrimitiveType g)
Class to create unbiased estimators of . For each estimate, it samples trace vectors (one by one) and...
class ManhattanWordDistance
static SHOGUN_BASIC_CLASS CSGObject * __new_CAUCKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogKernel(EPrimitiveType g)
Class FactorGraphLabels used e.g. in the application of Structured Output (SO) learning with the Fact...
Computes the Spline Kernel function which is the cubic polynomial.
static SHOGUN_BASIC_CLASS CSGObject * __new_CTanimotoKernelNormalizer(EPrimitiveType g)
class DomainAdaptationSVMLinear
Model selection class which searches for the best model by a grid- search. See CModelSelection for de...
class LibSVMMultiClass. Does one vs one classification.
static SHOGUN_BASIC_CLASS CSGObject * __new_CStochasticSOSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDisjointSet(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSquaredLoss(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSVMSGD(EPrimitiveType g)
The WeightedCommWordString kernel may be used to compute the weighted spectrum kernel (i...
static SHOGUN_BASIC_CLASS CSGObject * __new_CHistogramIntersectionKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFastICA(EPrimitiveType g)
Multiple Kernel Learning for regression.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianMatchStringKernel(EPrimitiveType g)
generic kernel multiclass
Class CMeanSquaredLogError used to compute an error of regression model.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCCSOSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBALMeasure(EPrimitiveType g)
Class LDA implements regularized Linear Discriminant Analysis.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibLinear(EPrimitiveType g)
Computes the Tensor Product Pair Kernel (TPPK).
class Multitask Logistic Regression used to solve classification problems with a few tasks related vi...
A generic DistanceMachine interface.
A generic learning machine interface.
static SHOGUN_BASIC_CLASS CSGObject * __new_CDistantSegmentsKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSqrtDiagKernelNormalizer(EPrimitiveType g)
Class CSequence to be used in the application of Structured Output (SO) learning to Hidden Markov Sup...
Class to select parameters and their ranges for model selection. The structure is organized as a tree...
static SHOGUN_BASIC_CLASS CSGObject * __new_CChi2Kernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLatentFeatures(EPrimitiveType g)
A CNode is an element of a CTaxonomy, which is used to describe hierarchical structure between tasks...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSegmentLoss(EPrimitiveType g)
class to add subset support to another class. A CSubsetStackStack instance should be added and wrappe...
class DiffusionMaps used to preprocess given data using Diffusion Maps dimensionality reduction techn...
Class LinearRidgeRegression implements Ridge Regression - a regularized least square method for class...
Class that contains certain functions related to statistics, such as probability/cumulative distribut...
A Streaming File access class.
Class that contains certain methods related to numerical integration.
The Constant Kernel returns a constant for all elements.
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCEDDecoder(EPrimitiveType g)
class F1Measure used to measure F1 score of 2-class classifier.
Class LMNN that implements the distance metric learning technique Large Margin Nearest Neighbour (LMN...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUILabels(EPrimitiveType g)
The Chi2 kernel operating on realvalued vectors computes the chi-squared distance between sets of his...
Features that compute the Weighted Spectrum Kernel feature space explicitly.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSubset(EPrimitiveType g)
multiclass logistic regression
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStringFeatures(EPrimitiveType g)
Class that aggregates vector job results in each submit_result call of jobs generated from rational a...
The class BinnedDotFeatures contains a 0-1 conversion of features into bins.
Class StreamingFileFromFeatures to read vector-by-vector from a CFeatures object. ...
Preprocessor PruneVarSubMean will substract the mean and remove features that have zero variance...
static SHOGUN_BASIC_CLASS CSGObject * __new_CHingeLoss(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMPDSVM(EPrimitiveType g)
Gaussian Kernel with Automatic Relevance Detection.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPluginEstimate(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTaskGroup(EPrimitiveType g)
Class for storing MKL weights in every fold of cross-validation.
static SHOGUN_BASIC_CLASS CSGObject * __new_CParser(EPrimitiveType g)
Class that provides a solve method for complex dense-matrix linear systems.
The AUC kernel can be used to maximize the area under the receiver operator characteristic curve (AUC...
Multiclass Labels for multi-class classification.
Implementation of independent job that solves one of the family of shifted systems in rational approx...
static SHOGUN_BASIC_CLASS CSGObject * __new_CRegressionLabels(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskKernelMaskNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CEPInferenceMethod(EPrimitiveType g)
The distant segments kernel is a string kernel, which counts the number of substrings, so-called segments, at a certain distance from each other.
static SHOGUN_BASIC_CLASS CSGObject * __new_CAttenuatedEuclideanDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CUWedge(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CProbitLikelihood(EPrimitiveType g)
Weighted Majority Vote implementation.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFKFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWaveletKernel(EPrimitiveType g)
CSGObject *(* new_sgserializable_t)(EPrimitiveType generic)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRecallMeasure(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassOneVsRestStrategy(EPrimitiveType g)
The class PolyMatchWordStringKernel computes a variant of the polynomial kernel on word-features...
class LocalityPreservingProjections used to compute embeddings of data using Locality Preserving Proj...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDenseMatrixOperator(EPrimitiveType g)
class Multidimensionalscaling is used to perform multidimensional scaling (capable of landmark approx...
static SHOGUN_BASIC_CLASS CSGObject * __new_CTask(EPrimitiveType g)
The helper class to specialize base class instances of labels.
Class that is able to generate various data samples, which may be used for examples in SHOGUN...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIMath(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianKernel(EPrimitiveType g)
Class CSVFile used to read data from comma-separated values (CSV) files. See http://en.wikipedia.org/wiki/Comma-separated_values.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossCorrelationMeasure(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSerialComputationEngine(EPrimitiveType g)
The HistogramWordString computes the TOP kernel on inhomogeneous Markov Chains.
This class implements the quadratic time Maximum Mean Statistic as described in [1]. The MMD is the distance of two probability distributions and in a RKHS .
static SHOGUN_BASIC_CLASS CSGObject * __new_CPolyMatchWordStringKernel(EPrimitiveType g)
This class can be used to convert a document collection contained in a CStringFeatures object w...
class MultitaskTraceLogisticRegression, a classifier for multitask problems. Supports only task group...
NeighborhoodPreservingEmbedding converter used to construct embeddings as described in: ...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CSet(EPrimitiveType g)
This class acts as an alternative to the CStreamingDenseFeatures class and their difference is that t...
static SHOGUN_BASIC_CLASS CSGObject * __new_CZeroMean(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianProcessMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGMM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CANOVAKernel(EPrimitiveType g)
Class for storing multiclass evaluation information in every fold of cross-validation.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianShiftKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CF1Measure(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGradientModelSelection(EPrimitiveType g)
Class ROCEvalution used to evaluate ROC (Receiver Operating Characteristic) and an area under ROC cur...
generic linear multiclass machine
static SHOGUN_BASIC_CLASS CSGObject * __new_CFITCInferenceMethod(EPrimitiveType g)
Simple class which specifies the direction of gradient search.
Implementation of Leave one out cross-validation on the base of CCrossValidationSplitting. Produces subset index sets consisting of one element,for each label.
CMajorityVote is a CWeightedMajorityVote combiner, where each Machine's weight in the ensemble is 1...
static SHOGUN_BASIC_CLASS CSGObject * __new_CJADiagOrth(EPrimitiveType g)
Template class StringFeatures implements a list of strings.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMajorityVote(EPrimitiveType g)
Class for reading from a string.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMMDKernelSelectionMax(EPrimitiveType g)
Class SGObject is the base class of all shogun objects.
the class CSet, a set based on the hash-table. w: http://en.wikipedia.org/wiki/Hash_table ...
Class MultitaskROCEvalution used to evaluate ROC (Receiver Operating Characteristic) and an area unde...
static SHOGUN_BASIC_CLASS CSGObject * __new_CRelaxedTree(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskClusteredLogisticRegression(EPrimitiveType g)
Features that compute the Weighted Degreee Kernel feature space explicitly.
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwNativeCacheWriter(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCStrategy(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CScatterKernelNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskKernelTreeNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSparseSpatialSampleStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTanimotoDistance(EPrimitiveType g)
KMeans clustering, partitions the data into k (a-priori specified) clusters.
static SHOGUN_BASIC_CLASS CSGObject * __new_CStudentsTLikelihood(EPrimitiveType g)
Computes the standard linear kernel on dense char valued features.
static SHOGUN_BASIC_CLASS CSGObject * __new_CImplicitWeightedSpecFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CIndexBlock(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwNonAdaptiveLearner(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGPBTSVM(EPrimitiveType g)
An experimental kernel inspired by the WeightedDegreePositionStringKernel and the Gaussian kernel...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CBinaryStream(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPruneVarSubMean(EPrimitiveType g)
Class that computes eigenvalues of a real valued, self-adjoint linear operator using Lanczos algorith...
VwNonAdaptiveLearner uses a standard gradient descent weight update rule.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianDistribution(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWRACCMeasure(EPrimitiveType g)
Template class that aggregates scalar job results in each submit_result call, finalize then transform...
The CommWordString kernel may be used to compute the spectrum kernel from strings that have been mapp...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CCache(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearHMM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSquaredHingeLoss(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLaRank(EPrimitiveType g)
CMeanRule simply averages the outputs of the Machines in the ensemble.
Preprocessor PNorm, normalizes vectors to have p-norm.
static SHOGUN_BASIC_CLASS CSGObject * __new_CClusteringMutualInformation(EPrimitiveType g)
class AttenuatedEuclideanDistance
Class Histogram computes a histogram over all 16bit unsigned integers in the features.
static SHOGUN_BASIC_CLASS CSGObject * __new_CBesselKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHSIC(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelPCA(EPrimitiveType g)
This class implements streaming features as strings.
Implementation of maximum MMD kernel selection for combined kernel. This class selects a combination ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogRationalApproximationCGM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTDistributedStochasticNeighborEmbedding(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFirstElementKernelNormalizer(EPrimitiveType g)
LatentSVM class Latent SVM implementation based on [1]. For optimization this implementation uses SVM...
static SHOGUN_BASIC_CLASS CSGObject * __new_CErrorRateMeasure(EPrimitiveType g)
The class PolyMatchStringKernel computes a variant of the polynomial kernel on strings of same length...
static SHOGUN_BASIC_CLASS CSGObject * __new_CAvgDiagKernelNormalizer(EPrimitiveType g)
This class is identical to the CDenseFeatures class except that it hashes each dimension to a new fea...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMKLMulticlass(EPrimitiveType g)
Class CFactorGraphObservation is used as the structured output.
Class for Least Angle Regression, can be used to solve LASSO.
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCAEDDecoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDimensionReductionPreprocessor(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationResult(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSOSVMHelper(EPrimitiveType g)
static class_list_entry_t class_list[]
static SHOGUN_BASIC_CLASS CSGObject * __new_CModelSelectionParameters(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDomainAdaptationMulticlassLibLinear(EPrimitiveType g)
Implementation of independent jobs that solves one whole family of shifted systems in rational approx...
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingVwFeatures(EPrimitiveType g)
CFactorGraphFeatures maintains an array of factor graphs, each graph is a sample, i...
static SHOGUN_BASIC_CLASS CSGObject * __new_CLaplacianInferenceMethod(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CManhattanMetric(EPrimitiveType g)
class to implement LibLinear
multiclass LibLinear wrapper. Uses Crammer-Singer formulation and gradient descent optimization algor...
Class CFactorDataSource Source for factor data. In some cases, the same data can be shared by many fa...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskLeastSquaresRegression(EPrimitiveType g)
class CSOSVMHelper contains helper functions to compute primal objectives, dual objectives, average training losses, duality gaps etc. These values will be recorded to check convergence. This class is inspired by the matlab implementation of the block coordinate Frank-Wolfe SOSVM solver [1].
static SHOGUN_BASIC_CLASS CSGObject * __new_CDummyFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearRidgeRegression(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCSVFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDistanceMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSequence(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogLoss(EPrimitiveType g)
class IndexBlock used to represent contiguous indices of one group (e.g. block of related features) ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandomFourierDotFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJade(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDiceKernelNormalizer(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingSparseFeatures(EPrimitiveType g)
Pyramid Kernel over Chi2 matched histograms.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLaplacianEigenmaps(EPrimitiveType g)
Multiple Kernel Learning for two-class-classification.
Class MeanAbsoluteError used to compute an error of regression model.
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCIHDDecoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassLibSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDelimiterTokenizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CQPBSVMLib(EPrimitiveType g)
class LocallyLinearEmbedding used to embed data using Locally Linear Embedding algorithm described in...
static SHOGUN_BASIC_CLASS CSGObject * __new_COligoStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFixedDegreeStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSpectrumMismatchRBFKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDynProg(EPrimitiveType g)
Class that computes eigenvalues of a real valued, self-adjoint dense matrix linear operator using Eig...
static SHOGUN_BASIC_CLASS CSGObject * __new_CWeightedDegreeRBFKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianShortRealKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSplineKernel(EPrimitiveType g)
Class CStreamingFileFromStringFeatures is derived from CStreamingFile and provides an input source fo...
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorDataSource(EPrimitiveType g)
Class that represents a dense-matrix linear operator. It computes matrix-vector product in its apply...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCircularKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelRidgeRegression(EPrimitiveType g)
The Regulaty Modules kernel, based on the WD kernel, as published in Schultheiss et al...
The Weighted Degree String kernel.
CFactorGraphModel defines a model in terms of CFactorGraph and CMAPInference, where parameters are as...
static SHOGUN_BASIC_CLASS CSGObject * __new_CEuclideanDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRidgeKernelNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CWeightedCommWordStringKernel(EPrimitiveType g)
Sparse Spatial Sample String Kernel by Pavel Kuksa pkuksa@cs.rutgers.edu and Vladimir Pavlovic vladim...
The MultitaskKernel allows Multitask Learning via a modified kernel function.
static SHOGUN_BASIC_CLASS CSGObject * __new_CWDFeatures(EPrimitiveType g)
The well known Gaussian kernel (swiss army knife for SVMs) on dense short-real valued features...
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCLLBDecoder(EPrimitiveType g)
The Combined kernel is used to combine a number of kernels into a single CombinedKernel object by lin...
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCRandomSparseEncoder(EPrimitiveType g)
the scatter kernel normalizer
Dynamic array class for CSGObject pointers that creates an array that can be used like a list or an a...
Class KNN, an implementation of the standard k-nearest neigbor classifier.
memory mapped emulation via binary streams (files)
CSGObject * new_sgserializable(const char *sgserializable_name, EPrimitiveType generic)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHashedDocConverter(EPrimitiveType g)
Normalize the kernel by a constant obtained from the first element of the kernel matrix, i.e. .
Class LinearMachine is a generic interface for all kinds of linear machines like classifiers.
Class CustomMahalanobisDistance used to compute the distance between feature vectors and as ...
Identity Kernel Normalization, i.e. no normalization is applied.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCauchyKernel(EPrimitiveType g)
Class CDisjointSet data structure for linking graph nodes It's easy to identify connected graph...
The class MatchWordStringKernel computes a variant of the polynomial kernel on strings of same length...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassTreeGuidedLogisticRegression(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGNPPSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDomainAdaptationSVMLinear(EPrimitiveType g)
Normalize the kernel by adding a constant term to its diagonal. This aids kernels to become positive ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGridSearchModelSelection(EPrimitiveType g)
class MultitaskL12LogisticRegression, a classifier for multitask problems. Supports only task group r...
static SHOGUN_BASIC_CLASS CSGObject * __new_CHashedDocDotFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNewtonSVM(EPrimitiveType g)
Class NearestCentroid, an implementation of Nearest Shrunk Centroid classifier.
class BALMeasure used to measure balanced error of 2-class classifier.
static SHOGUN_BASIC_CLASS CSGObject * __new_CIndividualJobResultAggregator(EPrimitiveType g)
A Binary file access class.
static SHOGUN_BASIC_CLASS CSGObject * __new_CIOBuffer(EPrimitiveType g)
SimpleLocalityImprovedString kernel, is a ``simplified'' and better performing version of the Localit...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSalzbergWordStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMeanSquaredLogError(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibSVMFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStratifiedCrossValidationSplitting(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMeanRule(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSparseInverseCovariance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSparseEuclideanDistance(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CProductKernel(EPrimitiveType g)
class SpecificityMeasure used to measure specificity of 2-class classifier.
The MultitaskKernel allows learning a piece-wise linear function (PLIF) via MKL.
class WRACCMeasure used to measure weighted relative accuracy of 2-class classifier.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPolyMatchStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwEnvironment(EPrimitiveType g)
ZeroMeanCenterKernelNormalizer centers the kernel in feature space.
Class that holds ONE combination of parameters for a learning machine. The structure is organized as ...
Features that compute the Spectrum Kernel feature space explicitly.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIPluginEstimate(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStructuredOutputMachine(EPrimitiveType g)
Class StreamingVwCacheFile to read vector-by-vector from VW cache files.
The well known Gaussian kernel (swiss army knife for SVMs) computed on CDotFeatures.
Class CStochasticSOSVM solves SOSVM using stochastic subgradient descent on the SVM primal problem [1...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CMemoryMappedFile(EPrimitiveType g)
This class implements streaming features for use with VW.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSphericalKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwAdaptiveLearner(EPrimitiveType g)
The Distance kernel takes a distance as input.
class HessianLocallyLinearEmbedding used to preprocess data using Hessian Locally Linear Embedding al...
Preprocessor RescaleFeautres is rescaling the range of features to make the features independent of e...
static SHOGUN_BASIC_CLASS CSGObject * __new_CCanberraWordDistance(EPrimitiveType g)
The Laplace approximation inference method class.
multiclass tree guided logistic regression
The class TOPFeatures implements TOP kernel features obtained from two Hidden Markov models...
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCOVOEncoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CROCEvaluation(EPrimitiveType g)
class RecallMeasure used to measure recall of 2-class classifier.
Class CMAPInference performs MAP inference on a factor graph. Briefly, given a factor graph model...
static SHOGUN_BASIC_CLASS CSGObject * __new_CTaxonomy(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CIdentityKernelNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CQuadraticTimeMMD(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGradientResult(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CConjugateGradientSolver(EPrimitiveType g)
Implementation of stratified cross-validation on the base of CSplittingStrategy. Produces subset inde...
static SHOGUN_BASIC_CLASS CSGObject * __new_CPRCEvaluation(EPrimitiveType g)
This class implements the Hilbert Schmidtd Independence Criterion based independence test as describe...
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelStructuredOutputMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCustomMahalanobisDistance(EPrimitiveType g)
class MultitaskLinearMachine, a base class for linear multitask classifiers
static SHOGUN_BASIC_CLASS CSGObject * __new_CAveragedPerceptron(EPrimitiveType g)
Class MeanSquaredError used to compute an error of regression model.
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CParseBuffer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStatistics(EPrimitiveType g)
Class that models a Student's-t likelihood.
: Pseudo random number geneartor
static SHOGUN_BASIC_CLASS CSGObject * __new_CFFSep(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGNPPLib(EPrimitiveType g)
Class LibSVR, performs support vector regression using LibSVM.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMeanShiftDataGenerator(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMeanSquaredError(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSortWordString(EPrimitiveType g)
Class StreamingVwFile to read vector-by-vector from Vowpal Wabbit data files. It reads the example an...
static SHOGUN_BASIC_CLASS CSGObject * __new_CDistanceKernel(EPrimitiveType g)
class Bray-Curtis distance
The class DenseFeatures implements dense feature matrices.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphModel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandomConditionalProbabilityTree(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CIntronList(EPrimitiveType g)
class LaplacianEigenmaps used to construct embeddings of data using Laplacian Eigenmaps algorithm as ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianBlobsDataGenerator(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHessianLocallyLinearEmbedding(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMKLRegression(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLBPPyrDotFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogitLikelihood(EPrimitiveType g)
The class DummyFeatures implements features that only know the number of feature objects (but don't a...
Features that compute the Weighted Degreee Kernel feature space explicitly.
weighted degree RBF kernel
Class Perceptron implements the standard linear (online) perceptron.
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelLocallyLinearEmbedding(EPrimitiveType g)
ScatterSVM - Multiclass SVM.
File based string features.
CSquaredLoss implements the squared loss function.
class ErrorRateMeasure used to measure error rate of 2-class classifier.
Class GaussianNaiveBayes, a Gaussian Naive Bayes classifier.
SqrtDiagKernelNormalizer divides by the Square Root of the product of the diagonal elements...
static SHOGUN_BASIC_CLASS CSGObject * __new_CTime(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPolyFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJobResult(EPrimitiveType g)
Preprocessor NormOne, normalizes vectors to have norm 1.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIHMM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHierarchical(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUITime(EPrimitiveType g)
Model selection class which searches for the best model by a random search. See CModelSelection for d...
static SHOGUN_BASIC_CLASS CSGObject * __new_CShareBoost(EPrimitiveType g)
Class implementing a purely online version of LibLinear, using the L2R_L1LOSS_SVC_DUAL solver only...
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingFileFromFeatures(EPrimitiveType g)
Dense version of the well-known Gaussian probability distribution, defined as .
Base class that stores the result of an independent job when the result is a vector.
Preprocessor KernelPCA performs kernel principal component analysis.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearARDKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwRegressor(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTStudentKernel(EPrimitiveType g)
class Isomap used to embed data using Isomap algorithm as described in
static SHOGUN_BASIC_CLASS CSGObject * __new_CIsomap(EPrimitiveType g)
Class of the Expectation Propagation (EP) posterior approximation inference method.
The class CDelimiterTokenizer is used to tokenize a SGVector into tokens using custom chars as ...
read sparse real valued features in svm light format e.g. -1 1:10.0 2:100.2 1000:1.3 with -1 == (optional) label and dim 1 - value 10.0 dim 2 - value 100.2 dim 1000 - value 1.3
static SHOGUN_BASIC_CLASS CSGObject * __new_CSGDQN(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPlif(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHistogramWordStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTOPFeatures(EPrimitiveType g)
Container class that returns results from GradientEvaluation. It contains the function value as well ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CTableFactorType(EPrimitiveType g)
Class CFactorGraph a factor graph is a structured input in general.
Class that represents a sparse-matrix linear operator. It computes matrix-vector product in its appl...
Class for outputting cross-validation intermediate results to the standard output. Simply prints all messages it gets.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSpectrumRBFKernel(EPrimitiveType g)
Normalize the kernel by either a constant or the average value of the diagonal elements (depending on...
static SHOGUN_BASIC_CLASS CSGObject * __new_CThresholdRejectionStrategy(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHMM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMMDKernelSelectionOpt(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLabelsFactory(EPrimitiveType g)
Class GMNPSVM implements a one vs. rest MultiClass SVM.
Preprocessor HomogeneousKernelMap performs homogeneous kernel maps as described in.
static SHOGUN_BASIC_CLASS CSGObject * __new_CVarianceKernelNormalizer(EPrimitiveType g)
Class that provides a sample method for Gaussian samples.
static SHOGUN_BASIC_CLASS CSGObject * __new_CData(EPrimitiveType g)
Class ListElement, defines how an element of the the list looks like.
Class PRCEvaluation used to evaluate PRC (Precision Recall Curve) and an area under PRC curve (auPRC)...
static SHOGUN_BASIC_CLASS CSGObject * __new_CHistogram(EPrimitiveType g)
Class CMatrixFeatures used to represent data whose feature vectors are better represented with matric...
static SHOGUN_BASIC_CLASS CSGObject * __new_CHashedWDFeaturesTransposed(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSVM(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianLikelihood(EPrimitiveType g)
Class CSquaredHingeLoss implements a squared hinge loss function.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskKernelMaskPairNormalizer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCombinedFeatures(EPrimitiveType g)
The Fully Independent Conditional Training inference method class.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPNorm(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationMulticlassStorage(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingVwCacheFile(EPrimitiveType g)
class CStructuredAccuracy used to compute accuracy of structured classification
static SHOGUN_BASIC_CLASS CSGObject * __new_CJensenMetric(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSigmoidKernel(EPrimitiveType g)
The class RealFileFeatures implements a dense double-precision floating point matrix from a file...
static SHOGUN_BASIC_CLASS CSGObject * __new_CFeatureBlockLogisticRegression(EPrimitiveType g)
Class for work with binary file in protobuf format.
Class CLogLossMargin implements a margin-based log-likelihood loss function.
class TaskTree used to represent a tree of tasks. Tree is constructed via task with subtasks (and sub...
static SHOGUN_BASIC_CLASS CSGObject * __new_CProbingSampler(EPrimitiveType g)
class MahalanobisDistance
static SHOGUN_BASIC_CLASS CSGObject * __new_CMinkowskiMetric(EPrimitiveType g)
Class evaluates a machine using its associated differentiable function for the function value and its...
This class implements the random fourier features for the DotFeatures framework. Basically upon the o...
Class CTableFactorType the way that store assignments of variables and energies in a table or a multi...
static SHOGUN_BASIC_CLASS CSGObject * __new_CListElement(EPrimitiveType g)
Preprocessor PCACut performs principial component analysis on the input vectors and keeps only the n ...
Kernel selection class that selects the single kernel that maximises the MMD statistic. Works for CQuadraticTimeMMD and CLinearTimeMMD. This leads to a heuristic that is better than the standard median heuristic for Gaussian kernels. However, it comes with no guarantees.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLocallyLinearEmbedding(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRationalApproximationIndividualJob(EPrimitiveType g)
Class Signal implements signal handling to e.g. allow ctrl+c to cancel a long running process...
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingFileFromSparseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskTraceLogisticRegression(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStringFileFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSpecificityMeasure(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBalancedConditionalProbabilityTree(EPrimitiveType g)
Dynamic Programming Class.
This class implements the linear time Maximum Mean Statistic as described in [1]. This statistic is i...
Features that allow stacking of a number of DotFeatures.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactor(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CVectorResult(EPrimitiveType g)
Class CVowpalWabbit is the implementation of the online learning algorithm used in Vowpal Wabbit...
static SHOGUN_BASIC_CLASS CSGObject * __new_CNormOne(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibSVM(EPrimitiveType g)
A generic Support Vector Machine Interface.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLanczosEigenSolver(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelMulticlassMachine(EPrimitiveType g)
Class which collects generic mathematical functions.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMAPInference(EPrimitiveType g)
Features that compute the Weighted Degreee Kernel feature space explicitly.
the LaRank multiclass SVM machine
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStreamingDenseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNode(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStreamingVwFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPrecisionMeasure(EPrimitiveType g)
Template class Cache implements a simple cache.
Binary Labels for binary classification.
Preprocessor CRandomFourierGaussPreproc implements Random Fourier Features for the Gauss kernel a la ...
The HistogramIntersection kernel operating on realvalued vectors computes the histogram intersection ...
Implementation of normal cross-validation on the base of CSplittingStrategy. Produces subset index se...
Preprocessor that decompresses compressed strings.
CHingeLoss implements the hinge loss function.
static SHOGUN_BASIC_CLASS CSGObject * __new_CHMSVMModel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPerceptron(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMKLClassification(EPrimitiveType g)
domain adaptation multiclass LibLinear wrapper Source domain is assumed to b
static SHOGUN_BASIC_CLASS CSGObject * __new_CSumOne(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CList(EPrimitiveType g)
: Bagging algorithm i.e. bootstrap aggregating
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearLocalTangentSpaceAlignment(EPrimitiveType g)
NewtonSVM, In this Implementation linear SVM is trained in its primal form using Newton-like iteratio...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSubsetStack(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCDiscriminantEncoder(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CHashedSparseFeatures(EPrimitiveType g)
implement DotFeatures for the polynomial kernel
The Custom Distance allows for custom user provided distance matrices.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianProcessRegression(EPrimitiveType g)
used to estimate inverse covariance matrix using graphical lasso
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassModel(EPrimitiveType g)
Class that provides a solve method for real sparse-matrix linear systems using LLT.
class TreeMachine, a base class for tree based multiclass classifiers
static SHOGUN_BASIC_CLASS CSGObject * __new_CMatchWordStringKernel(EPrimitiveType g)
multiclass one vs rest strategy used to train generic multiclass machines for K-class problems with b...
The Weighted Degree Position String kernel (Weighted Degree kernel with shifts).
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelMeanMatching(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMKLOneClass(EPrimitiveType g)
Rational Quadratic kernel.
implement DotFeatures for the polynomial kernel
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassAccuracy(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CAccuracyMeasure(EPrimitiveType g)
Preprocessor SortWordString, sorts the indivual strings in ascending order.
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CSparseMatrixOperator(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMCLDA(EPrimitiveType g)
class CanberraWordDistance
This class implements streaming features with sparse feature vectors. The vector is represented as an...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGradientEvaluation(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGUIClassifier(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CClusteringAccuracy(EPrimitiveType g)
Implements Local Binary Patterns with Scale Pyramids as dot features for a set of images...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSequenceLabels(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CSparseFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CRationalApproximationCGMJob(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLatentSOSVM(EPrimitiveType g)
#define SHOGUN_TEMPLATE_CLASS
static SHOGUN_BASIC_CLASS CSGObject * __new_CVwNativeCacheReader(EPrimitiveType g)
This class can be used to provide on-the-fly vectorization of a document collection. Like in the standard Bag-of-Words representation, this class considers each document as a collection of tokens, which are then hashed into a new feature space of a specified dimension. This class is very flexible and allows the user to specify the tokenizer used to tokenize each document, specify whether the results should be normalized with regards to the sqrt of the document size, as well as to specify whether he wants to combine different tokens. The latter implements a k-skip n-grams approach, meaning that you can combine up to n tokens, while skipping up to k. Eg. for the tokens ["a", "b", "c", "d"], with n_grams = 2 and skips = 2, one would get the following combinations : ["a", "ab", "ac" (skipped 1), "ad" (skipped 2), "b", "bc", "bd" (skipped 1), "c", "cd", "d"].
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDecompressString(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHash(EPrimitiveType g)
abstract class for latent labels As latent labels always depends on the given application, this class only defines the API that the user has to implement for latent labels.
The LocalAlignmentString kernel compares two sequences through all possible local alignments between ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CECOCOVREncoder(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CPowerKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CVowpalWabbit(EPrimitiveType g)
Class that contains methods for computing Jacobi elliptic functions related to complex analysis...
Class CMulticlassSOLabels to be used in the application of Structured Output (SO) learning to multicl...
The class CombinedFeatures is used to combine a number of of feature objects into a single CombinedFe...
static SHOGUN_BASIC_CLASS CSGObject * __new_CConstKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CStringSubsequenceKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CIndexBlockTree(EPrimitiveType g)
Implementaion of rational approximation of a operator-function times vector where the operator functi...
Class CStreamingFileFromSparseFeatures is derived from CStreamingFile and provides an input source fo...
static SHOGUN_BASIC_CLASS CSGObject * __new_CDirectEigenSolver(EPrimitiveType g)
class CManifoldSculpting used to embed data using manifold sculpting embedding algorithm.
Gaussian Mixture Model interface.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibSVR(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CTron(EPrimitiveType g)
Class CMulticlassModel that represents the application specific model and contains the application de...
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogLossMargin(EPrimitiveType g)
LibLinear for regression.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassOneVsOneStrategy(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CManhattanWordDistance(EPrimitiveType g)
Class CFactor A factor is defined on a clique in the factor graph. Each factor can have its own data...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGeodesicMetric(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskKernelNormalizer(EPrimitiveType g)
Base class of the components of StructuredLabels.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGMNPLib(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CHammingWordDistance(EPrimitiveType g)
CLogLoss implements the logarithmic loss function.
VarianceKernelNormalizer divides by the ``variance''.
static SHOGUN_BASIC_CLASS CSGObject * __new_CPlifMatrix(EPrimitiveType g)
Collection of Hashing Functions.
static SHOGUN_BASIC_CLASS CSGObject * __new_CSVMOcas(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMath(EPrimitiveType g)
The class LinearHMM is for learning Higher Order Markov chains.
Class List implements a doubly connected list for low-level-objects.
static SHOGUN_BASIC_CLASS CSGObject * __new_CMMDKernelSelectionCombOpt(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorAnalysis(EPrimitiveType g)
The class FKFeatures implements Fischer kernel features obtained from two Hidden Markov models...
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskL12LogisticRegression(EPrimitiveType g)
The LocalityImprovedString kernel is inspired by the polynomial kernel. Comparing neighboring charact...
store plif arrays for all transitions in the model
Class that models Probit likelihood.
static SHOGUN_BASIC_CLASS CSGObject * __new_CChebyshewMetric(EPrimitiveType g)
Preprocessor SumOne, normalizes vectors to have sum 1.
static SHOGUN_BASIC_CLASS CSGObject * __new_CWeightedMajorityVote(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLatentLabels(EPrimitiveType g)
The zero mean function class.
Class CVwNativeCacheWriter writes a cache exactly as that which would be produced by VW's default cac...
static SHOGUN_BASIC_CLASS CSGObject * __new_CBaggingMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogPlusOne(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_COnlineLinearMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CIntegration(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMulticlassSOLabels(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLibSVMOneClass(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogRationalApproximationIndividual(EPrimitiveType g)
CSmoothHingeLoss implements the smooth hinge loss function.
The MultitaskKernel allows Multitask Learning via a modified kernel function based on taxonomy...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSNPFeatures(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDataGenerator(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussianARDKernel(EPrimitiveType g)