545 #define SHOGUN_TEMPLATE_CLASS
546 #define SHOGUN_BASIC_CLASS
1082 case PT_COMPLEX128:
return NULL;
1084 case PT_UNDEFINED:
return NULL;
1105 case PT_COMPLEX128:
return NULL;
1107 case PT_UNDEFINED:
return NULL;
1128 case PT_COMPLEX128:
return NULL;
1130 case PT_UNDEFINED:
return NULL;
1151 case PT_COMPLEX128:
return NULL;
1153 case PT_UNDEFINED:
return NULL;
1174 case PT_COMPLEX128:
return NULL;
1176 case PT_UNDEFINED:
return NULL;
1197 case PT_COMPLEX128:
return NULL;
1199 case PT_UNDEFINED:
return NULL;
1220 case PT_COMPLEX128:
return NULL;
1222 case PT_UNDEFINED:
return NULL;
1243 case PT_COMPLEX128:
return NULL;
1245 case PT_UNDEFINED:
return NULL;
1266 case PT_COMPLEX128:
return NULL;
1268 case PT_UNDEFINED:
return NULL;
1289 case PT_COMPLEX128:
return NULL;
1291 case PT_UNDEFINED:
return NULL;
1312 case PT_COMPLEX128:
return NULL;
1314 case PT_UNDEFINED:
return NULL;
1335 case PT_COMPLEX128:
return NULL;
1337 case PT_UNDEFINED:
return NULL;
1358 case PT_COMPLEX128:
return NULL;
1360 case PT_UNDEFINED:
return NULL;
1381 case PT_COMPLEX128:
return NULL;
1383 case PT_UNDEFINED:
return NULL;
1404 case PT_COMPLEX128:
return NULL;
1406 case PT_UNDEFINED:
return NULL;
1427 case PT_COMPLEX128:
return NULL;
1429 case PT_UNDEFINED:
return NULL;
1450 case PT_COMPLEX128:
return NULL;
1452 case PT_UNDEFINED:
return NULL;
1473 case PT_COMPLEX128:
return NULL;
1475 case PT_UNDEFINED:
return NULL;
1483 case PT_BOOL:
return new CParseBuffer<bool>();
1484 case PT_CHAR:
return new CParseBuffer<char>();
1485 case PT_INT8:
return new CParseBuffer<int8_t>();
1486 case PT_UINT8:
return new CParseBuffer<uint8_t>();
1487 case PT_INT16:
return new CParseBuffer<int16_t>();
1488 case PT_UINT16:
return new CParseBuffer<uint16_t>();
1489 case PT_INT32:
return new CParseBuffer<int32_t>();
1490 case PT_UINT32:
return new CParseBuffer<uint32_t>();
1491 case PT_INT64:
return new CParseBuffer<int64_t>();
1492 case PT_UINT64:
return new CParseBuffer<uint64_t>();
1493 case PT_FLOAT32:
return new CParseBuffer<float32_t>();
1494 case PT_FLOAT64:
return new CParseBuffer<float64_t>();
1495 case PT_FLOATMAX:
return new CParseBuffer<floatmax_t>();
1496 case PT_COMPLEX128:
return NULL;
1498 case PT_UNDEFINED:
return NULL;
1519 case PT_COMPLEX128:
return NULL;
1521 case PT_UNDEFINED:
return NULL;
1542 case PT_COMPLEX128:
return NULL;
1544 case PT_UNDEFINED:
return NULL;
1565 case PT_COMPLEX128:
return NULL;
1567 case PT_UNDEFINED:
return NULL;
1588 case PT_COMPLEX128:
return NULL;
1590 case PT_UNDEFINED:
return NULL;
1611 case PT_COMPLEX128:
return NULL;
1613 case PT_UNDEFINED:
return NULL;
1634 case PT_COMPLEX128:
return NULL;
1636 case PT_UNDEFINED:
return NULL;
1657 case PT_COMPLEX128:
return NULL;
1659 case PT_UNDEFINED:
return NULL;
1680 case PT_COMPLEX128:
return NULL;
1682 case PT_UNDEFINED:
return NULL;
1703 case PT_COMPLEX128:
return NULL;
1705 case PT_UNDEFINED:
return NULL;
1726 case PT_COMPLEX128:
return NULL;
1728 case PT_UNDEFINED:
return NULL;
1751 case PT_UNDEFINED:
return NULL;
1774 case PT_UNDEFINED:
return NULL;
1797 case PT_UNDEFINED:
return NULL;
1820 case PT_UNDEFINED:
return NULL;
1843 case PT_UNDEFINED:
return NULL;
1847 typedef CSGObject* (*new_sgserializable_t)(EPrimitiveType
generic);
1848 #ifndef DOXYGEN_SHOULD_SKIP_THIS
1851 const char* m_class_name;
1853 } class_list_entry_t;
2412 EPrimitiveType
generic)
2414 for (class_list_entry_t* i=
class_list; i->m_class_name != NULL;
2417 if (strncmp(i->m_class_name, sgserializable_name,
STRING_LEN) == 0)
2418 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)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CWrappedSGVector(EPrimitiveType g)
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_CKLCholeskyInferenceMethod(EPrimitiveType g)
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)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBallTree(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...
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.
Class that models Soft-Max likelihood.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CCrossValidationPrintOutput(EPrimitiveType g)
A Restricted Boltzmann Machine.
static SHOGUN_BASIC_CLASS CSGObject * __new_CKLDualInferenceMethod(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKLDiagonalInferenceMethod(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.
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.
Specialization of CDynamicObjectArray that adds methods to append wrapped elements to make them seria...
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)
CAbsoluteDeviationLoss implements the absolute deviation loss function. .
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogitVGLikelihood(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...
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_CLocalityImprovedStringKernel(EPrimitiveType g)
Real Labels are real-valued labels.
static SHOGUN_BASIC_CLASS CSGObject * __new_CProbitVGLikelihood(EPrimitiveType g)
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)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKernelDensity(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.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCombinedKernel(EPrimitiveType g)
Template class StringFeatures implements a list of strings.
The class DenseFeatures implements dense feature matrices.
static SHOGUN_BASIC_CLASS CSGObject * __new_CConstMean(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)
The Factor Analysis class is used to embed data using Factor Analysis algorithm.
The KL approximation inference method class.
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
Neural layer with leaky rectified linear neurons.
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_CNeuralLayers(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBinnedDotFeatures(EPrimitiveType g)
Class GaussianProcessRegression implements regression based on Gaussian Processes.
Gaussian Kernel with Automatic Relevance Detection with supporting Sparse inference.
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)
static SHOGUN_BASIC_CLASS CSGObject * __new_CJacobiEllipticFunctions(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphObservation(EPrimitiveType g)
CExponentialLoss implements the exponential loss function. .
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_CNeuralConvolutionalLayer(EPrimitiveType g)
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)
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphDataGenerator(EPrimitiveType g)
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_BASIC_CLASS CSGObject * __new_CCARTree(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
Class CMultilabelSOLabels used in the application of Structured Output (SO) learning to Multilabel Cl...
static SHOGUN_BASIC_CLASS CSGObject * __new_CSingleFITCLaplaceInferenceMethod(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultitaskLinearMachine(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CParameterCombination(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CEMMixtureModel(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)
This class implements the NOrmalized Cross Covariance Operator (NOCCO) based independence test as des...
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)
The class IndexFeatures implements features that contain the index of the features. This features used in the CCustomKernel::init to make the subset of the kernel matrix. Initial CIndexFeature of row_idx and col_idx, pass them to the CCustomKernel::init(row_idx, col_idx), then use CCustomKernel::get_kernel_matrix() will get the sub kernel matrix specified by the row_idx and col_idx.
static SHOGUN_BASIC_CLASS CSGObject * __new_CFactorGraphLabels(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CBinaryFile(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CMultiLaplaceInferenceMethod(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.
static SHOGUN_BASIC_CLASS CSGObject * __new_CGraphCut(EPrimitiveType g)
Class GaussianProcessClassification implements binary and multiclass classification based on Gaussian...
Represents a single layer neural autoencoder.
class CTDistributedStochasticNeighborEmbedding used to embed data using t-distributed stochastic neig...
class to perform Least Squares Regression
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CDynamicArray(EPrimitiveType g)
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CWrappedBasic(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CAlphabet(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNeighborhoodPreservingEmbedding(EPrimitiveType g)
The Laplace approximation inference method class for multi classification.
static SHOGUN_BASIC_CLASS CSGObject * __new_CCustomKernel(EPrimitiveType g)
Class CFWSOSVM solves SOSVM using Frank-Wolfe algorithm [1].
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)
UI HMM (Hidden Markov Model)
The Jensen-Shannon kernel operating on real-valued vectors computes the Jensen-Shannon distance betwe...
static SHOGUN_BASIC_CLASS CSGObject * __new_CRandomSearchModelSelection(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNeuralNetworkFileReader(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CKLDualInferenceMethodMinimizer(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)
Implements optimal kernel selection for single kernels. Given a number of baseline kernels...
The inference method class based on the Titsias' variational bound. For more details, see Titsias, Michalis K. "Variational learning of inducing variables in sparse Gaussian processes." International Conference on Artificial Intelligence and Statistics. 2009.
static SHOGUN_TEMPLATE_CLASS CSGObject * __new_CStoreScalarAggregator(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CLinearTimeMMD(EPrimitiveType g)
This class implements Ball tree. The ball tree is contructed using the top-down approach. cf. ftp://ftp.icsi.berkeley.edu/pub/techreports/1989/tr-89-063.pdf.
static SHOGUN_BASIC_CLASS CSGObject * __new_CLogitDVGLikelihood(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CZeroMeanCenterKernelNormalizer(EPrimitiveType g)
The build-in minimizer for SingleFITCLaplaceInference.
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)
The build-in minimizer for SingleLaplaceInference.
This class implements the CHAID algorithm proposed by Kass (1980) for decision tree learning...
static SHOGUN_BASIC_CLASS CSGObject * __new_CFisherLDA(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_CNeuralNetwork(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CDenseExactLogJob(EPrimitiveType g)
Template class SparseFeatures implements sparse matrices.
Preprocessor FisherLDA attempts to model the difference between the classes of data by performing lin...
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_CNeuralLinearLayer(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CSNPStringKernel(EPrimitiveType g)
static SHOGUN_BASIC_CLASS CSGObject * __new_CNOCCO(EPrimitiveType g)
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)
Class that models Logit likelihood and uses variational piecewise bound to approximate the following ...
static SHOGUN_BASIC_CLASS CSGObject * __new_CGaussian(EPrimitiveType g)
class StochasticProximityEmbedding used to construct embeddings of data using the Stochastic Proximit...