 CDynInt< T, sz > | Integer type of dynamic size |
 CIndirectObject< T, P > | Array class that accesses elements indirectly via an index array |
 CInputParser< T > | Class CInputParser is a templated class used to maintain the reading/parsing/providing of examples |
 CLoss | Class which collects generic mathematical functions |
 CLPBoost | Class LPBoost trains a linear classifier called Linear Programming Machine, i.e. a SVM using a norm regularizer |
 CLPM | Class LPM trains a linear classifier called Linear Programming Machine, i.e. a SVM using a norm regularizer |
 CrossValidationResult | Type to encapsulate the results of an evaluation run. May contain confidence interval (if conf_int_alpha!=0). m_conf_int_alpha is the probability for an error, i.e. the value does not lie in the confidence interval |
 CSGObject | Class SGObject is the base class of all shogun objects |
  CCache< float64_t > | |
  CAlphabet | The class Alphabet implements an alphabet and alphabet utility functions |
  CArray< T > | Template class Array implements a dense one dimensional array |
   CArray2< T > | Template class Array2 implements a dense two dimensional array |
   CArray3< T > | Template class Array3 implements a dense three dimensional array |
  CBinaryStream< T > | Memory mapped emulation via binary streams (files) |
  CBitString | String class embedding a string in a compact bit representation |
  CCache< T > | Template class Cache implements a simple cache |
  CCompressor | Compression library for compressing and decompressing buffers using one of the standard compression algorithms, LZO, GZIP, BZIP2 or LZMA |
  CConverter | Class Converter used to convert data |
   CEmbeddingConverter | Class EmbeddingConverter used to create embeddings of features, e.g. construct dense numeric embedding of string features |
    CDiffusionMaps | CDiffusionMaps used to preprocess given data using diffusion maps dimensionality reduction technique |
    CLaplacianEigenmaps | Class LaplacianEigenmaps used to preprocess data using Laplacian Eigenmaps algorithm as described in: |
     CLocalityPreservingProjections | |
    CLocallyLinearEmbedding | Class LocallyLinearEmbedding used to preprocess data using Locally Linear Embedding algorithm described in |
     CHessianLocallyLinearEmbedding | Class HessianLocallyLinearEmbedding used to preprocess data using Hessian Locally Linear Embedding algorithm described in |
     CKernelLocallyLinearEmbedding | Class KernelLocallyLinearEmbedding used to preprocess data using kernel extension of Locally Linear Embedding algorithm as described in |
      CKernelLocalTangentSpaceAlignment | Class LocalTangentSpaceAlignment used to preprocess data using kernel extension of the Local Tangent Space Alignment (LTSA) algorithm |
     CLocalTangentSpaceAlignment | LocalTangentSpaceAlignment used to embed data using Local Tangent Space Alignment (LTSA) algorithm as described in: |
      CLinearLocalTangentSpaceAlignment | LinearLocalTangentSpaceAlignment converter used to construct embeddings as described in: |
     CNeighborhoodPreservingEmbedding | NeighborhoodPreservingEmbedding converter used to construct embeddings as described in: |
    CMultidimensionalScaling | Class Multidimensionalscaling is used to perform multidimensional scaling (capable of landmark approximation if requested) |
     CIsomap | Class Isomap used to preprocess data using K-Isomap algorithm as described in |
  CCplex | Class CCplex to encapsulate access to the commercial cplex general purpose optimizer |
  CCrossValidation | Base class for cross-validation evaluation. Given a learning machine, a splitting strategy, an evaluation criterium, features and correspnding labels, this provides an interface for cross-validation. Results may be retrieved using the evaluate method. A number of repetitions may be specified for obtaining more accurate results. The arithmetic mean of different runs is returned along with confidence intervals, if a p-value is specified. Default number of runs is one, confidence interval combutation is disabled |
  CDistance | Class Distance, a base class for all the distances used in the Shogun toolbox |
   CSimpleDistance< float64_t > | |
    CBrayCurtisDistance | Class Bray-Curtis distance |
    CCanberraMetric | Class CanberraMetric |
    CChebyshewMetric | Class ChebyshewMetric |
    CChiSquareDistance | Class ChiSquareDistance |
    CCosineDistance | Class CosineDistance |
    CGeodesicMetric | Class GeodesicMetric |
    CJensenMetric | Class JensenMetric |
    CManhattanMetric | Class ManhattanMetric |
    CMinkowskiMetric | Class MinkowskiMetric |
    CRealDistance | Class RealDistance |
     CAttenuatedEuclidianDistance | Class AttenuatedEuclidianDistance |
     CEuclidianDistance | Class EuclidianDistance |
    CTanimotoDistance | Class Tanimoto coefficient |
   CSparseDistance< float64_t > | |
    CSparseEuclidianDistance | Class SparseEucldianDistance |
   CStringDistance< uint16_t > | |
    CCanberraWordDistance | Class CanberraWordDistance |
    CHammingWordDistance | Class HammingWordDistance |
    CManhattanWordDistance | Class ManhattanWordDistance |
   CCustomDistance | The Custom Distance allows for custom user provided distance matrices |
   CKernelDistance | The Kernel distance takes a distance as input |
   CSimpleDistance< ST > | Template class SimpleDistance |
   CSparseDistance< ST > | Template class SparseDistance |
   CStringDistance< ST > | Template class StringDistance |
  CDistribution | Base class Distribution from which all methods implementing a distribution are derived |
   CGaussian | Gaussian distribution interface |
   CGHMM | Class GHMM - this class is non-functional and was meant to implement a Generalize Hidden Markov Model (aka Semi Hidden Markov HMM) |
   CGMM | Gaussian Mixture Model interface |
   CHistogram | Class Histogram computes a histogram over all 16bit unsigned integers in the features |
   CHMM | Hidden Markov Model |
   CLinearHMM | The class LinearHMM is for learning Higher Order Markov chains |
   CPositionalPWM | Positional PWM |
  CDynamicArray< T > | Template Dynamic array class that creates an array that can be used like a list or an array |
  CDynamicObjectArray< T > | Template Dynamic array class that creates an array that can be used like a list or an array |
  CDynProg | Dynamic Programming Class |
  CEvaluation | Class Evaluation, a base class for other classes used to evaluate labels, e.g. accuracy of classification or mean squared error of regression |
   CBinaryClassEvaluation | The class TwoClassEvaluation, a base class used to evaluate binary classification labels |
    CContingencyTableEvaluation | The class ContingencyTableEvaluation a base class used to evaluate 2-class classification with TP, FP, TN, FN rates |
     CAccuracyMeasure | Class AccuracyMeasure used to measure accuracy of 2-class classifier |
     CBALMeasure | Class BALMeasure used to measure balanced error of 2-class classifier |
     CCrossCorrelationMeasure | Class CrossCorrelationMeasure used to measure cross correlation coefficient of 2-class classifier |
     CErrorRateMeasure | Class ErrorRateMeasure used to measure error rate of 2-class classifier |
     CF1Measure | Class F1Measure used to measure F1 score of 2-class classifier |
     CPrecisionMeasure | Class PrecisionMeasure used to measure precision of 2-class classifier |
     CRecallMeasure | Class RecallMeasure used to measure recall of 2-class classifier |
     CSpecificityMeasure | Class SpecificityMeasure used to measure specificity of 2-class classifier |
     CWRACCMeasure | Class WRACCMeasure used to measure weighted relative accuracy of 2-class classifier |
    CPRCEvaluation | Class PRCEvaluation used to evaluate PRC (Precision Recall Curve) and an area under PRC curve (auPRC) |
    CROCEvaluation | Class ROCEvalution used to evaluate ROC (Receiver Operator Characteristic) and an area under ROC curve (auROC) |
   CMeanAbsoluteError | Class MeanAbsoluteError used to compute an error of regression model |
   CMeanSquaredError | Class MeanSquaredError used to compute an error of regression model |
   CMulticlassAccuracy | The class MulticlassAccuracy used to compute accuracy of multiclass classification |
  CFeatures | The class Features is the base class of all feature objects |
   CAttributeFeatures | Implements attributed features, that is in the simplest case a number of (attribute, value) pairs |
   CCombinedFeatures | The class CombinedFeatures is used to combine a number of of feature objects into a single CombinedFeatures object |
   CDotFeatures | Features that support dot products among other operations |
    CSimpleFeatures< float64_t > | |
     CFKFeatures | The class FKFeatures implements Fischer kernel features obtained from two Hidden Markov models |
     CRealFileFeatures | The class RealFileFeatures implements a dense double-precision floating point matrix from a file |
     CTOPFeatures | The class TOPFeatures implements TOP kernel features obtained from two Hidden Markov models |
    CCombinedDotFeatures | Features that allow stacking of a number of DotFeatures |
    CExplicitSpecFeatures | Features that compute the Spectrum Kernel feature space explicitly |
    CHashedWDFeatures | Features that compute the Weighted Degreee Kernel feature space explicitly |
    CHashedWDFeaturesTransposed | Features that compute the Weighted Degreee Kernel feature space explicitly |
    CImplicitWeightedSpecFeatures | Features that compute the Weighted Spectrum Kernel feature space explicitly |
    CLBPPyrDotFeatures | Implement DotFeatures for the polynomial kernel |
    CPolyFeatures | Implement DotFeatures for the polynomial kernel |
    CSimpleFeatures< ST > | The class SimpleFeatures implements dense feature matrices |
    CSNPFeatures | Features that compute the Weighted Degreee Kernel feature space explicitly |
    CSparseFeatures< ST > | Template class SparseFeatures implements sparse matrices |
    CSparsePolyFeatures | Implement DotFeatures for the polynomial kernel |
    CWDFeatures | Features that compute the Weighted Degreee Kernel feature space explicitly |
   CDummyFeatures | The class DummyFeatures implements features that only know the number of feature objects (but don't actually contain any) |
   CStreamingFeatures | Streaming features are features which are used for online algorithms |
    CStreamingDotFeatures | Streaming features that support dot products among other operations |
     CStreamingSimpleFeatures< T > | This class implements streaming features with dense feature vectors |
     CStreamingSparseFeatures< T > | This class implements streaming features with sparse feature vectors. The vector is represented as an SGSparseVector<T>. Each entry is of type SGSparseVectorEntry<T> with members `feat_index' and `entry' |
     CStreamingVwFeatures | This class implements streaming features for use with VW |
    CStreamingStringFeatures< T > | This class implements streaming features as strings |
   CStringFeatures< ST > | Template class StringFeatures implements a list of strings |
    CStringFileFeatures< ST > | File based string features |
  CFile | A File access base class |
   CAsciiFile | A Ascii File access class |
   CBinaryFile | A Binary file access class |
  CGCArray< T > | Template class GCArray implements a garbage collecting static array |
  CGMNPLib | Class GMNPLib Library of solvers for Generalized Minimal Norm Problem (GMNP) |
  CGNPPLib | Class GNPPLib, a Library of solvers for Generalized Nearest Point Problem (GNPP) |
  CGUIClassifier | UI classifier |
  CGUIDistance | UI distance |
  CGUIFeatures | UI features |
  CGUIHMM | UI HMM (Hidden Markov Model) |
  CGUIKernel | UI kernel |
  CGUILabels | UI labels |
  CGUIMath | UI math |
  CGUIPluginEstimate | UI estimate |
  CGUIPreprocessor | UI preprocessor |
  CGUIStructure | UI structure |
  CGUITime | UI time |
  CHash | Collection of Hashing Functions |
  CHashSet | Class HashSet, a set based on the hash-table. w: http://en.wikipedia.org/wiki/Hash_table |
  CIntronList | Class IntronList |
  CIOBuffer | An I/O buffer class |
  CKernel | The Kernel base class |
   CStringKernel< char > | |
    CDistantSegmentsKernel | The distant segments kernel is a string kernel, which counts the number of substrings, so-called segments, at a certain distance from each other |
    CFixedDegreeStringKernel | The FixedDegree String kernel takes as input two strings of same size and counts the number of matches of length d |
    CGaussianMatchStringKernel | The class GaussianMatchStringKernel computes a variant of the Gaussian kernel on strings of same length |
    CLinearStringKernel | Computes the standard linear kernel on dense char valued features |
    CLocalAlignmentStringKernel | The LocalAlignmentString kernel compares two sequences through all possible local alignments between the two sequences |
    CLocalityImprovedStringKernel | The LocalityImprovedString kernel is inspired by the polynomial kernel. Comparing neighboring characters it puts emphasize on local features |
    COligoStringKernel | This class offers access to the Oligo Kernel introduced by Meinicke et al. in 2004 |
    CPolyMatchStringKernel | The class PolyMatchStringKernel computes a variant of the polynomial kernel on strings of same length |
    CRegulatoryModulesStringKernel | The Regulaty Modules kernel, based on the WD kernel, as published in Schultheiss et al., Bioinformatics (2009) on regulatory sequences |
    CSimpleLocalityImprovedStringKernel | SimpleLocalityImprovedString kernel, is a ``simplified'' and better performing version of the Locality improved kernel |
    CSNPStringKernel | The class SNPStringKernel computes a variant of the polynomial kernel on strings of same length |
    CSparseSpatialSampleStringKernel | Sparse Spatial Sample String Kernel by Pavel Kuksa pkuks.nosp@m.a@cs.nosp@m..rutg.nosp@m.ers..nosp@m.edu and Vladimir Pavlovic vladi.nosp@m.mir@.nosp@m.cs.ru.nosp@m.tger.nosp@m.s.edu |
    CSpectrumMismatchRBFKernel | Spectrum mismatch rbf kernel |
    CSpectrumRBFKernel | Spectrum rbf kernel |
    CWeightedDegreePositionStringKernel | The Weighted Degree Position String kernel (Weighted Degree kernel with shifts) |
    CWeightedDegreeStringKernel | The Weighted Degree String kernel |
   CStringKernel< uint16_t > | |
    CCommWordStringKernel | The CommWordString kernel may be used to compute the spectrum kernel from strings that have been mapped into unsigned 16bit integers |
     CWeightedCommWordStringKernel | The WeightedCommWordString kernel may be used to compute the weighted spectrum kernel (i.e. a spectrum kernel for 1 to K-mers, where each k-mer length is weighted by some coefficient ) from strings that have been mapped into unsigned 16bit integers |
    CHistogramWordStringKernel | The HistogramWordString computes the TOP kernel on inhomogeneous Markov Chains |
    CMatchWordStringKernel | The class MatchWordStringKernel computes a variant of the polynomial kernel on strings of same length converted to a word alphabet |
    CPolyMatchWordStringKernel | The class PolyMatchWordStringKernel computes a variant of the polynomial kernel on word-features |
    CSalzbergWordStringKernel | The SalzbergWordString kernel implements the Salzberg kernel |
   CStringKernel< uint64_t > | |
    CCommUlongStringKernel | The CommUlongString kernel may be used to compute the spectrum kernel from strings that have been mapped into unsigned 64bit integers |
   CCauchyKernel | Cauchy kernel |
   CCircularKernel | Circular kernel |
   CCombinedKernel | The Combined kernel is used to combine a number of kernels into a single CombinedKernel object by linear combination |
   CConstKernel | The Constant Kernel returns a constant for all elements |
   CCustomKernel | The Custom Kernel allows for custom user provided kernel matrices |
   CDiagKernel | The Diagonal Kernel returns a constant for the diagonal and zero otherwise |
   CDistanceKernel | The Distance kernel takes a distance as input |
    CBesselKernel | Class Bessel kernel |
   CDotKernel | Template class DotKernel is the base class for kernels working on DotFeatures |
    CANOVAKernel | ANOVA (ANalysis Of VAriances) kernel |
    CAUCKernel | The AUC kernel can be used to maximize the area under the receiver operator characteristic curve (AUC) instead of margin in SVM training |
    CChi2Kernel | The Chi2 kernel operating on realvalued vectors computes the chi-squared distance between sets of histograms |
    CExponentialKernel | The Exponential Kernel, closely related to the Gaussian Kernel computed on CDotFeatures |
    CGaussianKernel | The well known Gaussian kernel (swiss army knife for SVMs) computed on CDotFeatures |
     CGaussianShiftKernel | An experimental kernel inspired by the WeightedDegreePositionStringKernel and the Gaussian kernel |
    CGaussianShortRealKernel | The well known Gaussian kernel (swiss army knife for SVMs) on dense short-real valued features |
    CHistogramIntersectionKernel | The HistogramIntersection kernel operating on realvalued vectors computes the histogram intersection distance between sets of histograms. Note: the current implementation assumes positive values for the histograms, and input vectors should sum to 1 |
    CLinearKernel | Computes the standard linear kernel on CDotFeatures |
    CPolyKernel | Computes the standard polynomial kernel on CDotFeatures |
    CPyramidChi2 | Pyramid Kernel over Chi2 matched histograms |
    CSigmoidKernel | The standard Sigmoid kernel computed on dense real valued features |
    CSplineKernel | Computes the Spline Kernel function which is the cubic polynomial |
    CTensorProductPairKernel | Computes the Tensor Product Pair Kernel (TPPK) |
    CWaveletKernel | Class WaveletKernel |
    CWeightedDegreeRBFKernel | Weighted degree RBF kernel |
   CInverseMultiQuadricKernel | InverseMultiQuadricKernel |
   CLogKernel | Log kernel |
   CMultiquadricKernel | MultiquadricKernel |
   CPowerKernel | Power kernel |
   CRationalQuadraticKernel | Rational Quadratic kernel |
   CSparseKernel< ST > | Template class SparseKernel, is the base class of kernels working on sparse features |
   CSphericalKernel | Spherical kernel |
   CStringKernel< ST > | Template class StringKernel, is the base class of all String Kernels |
   CTStudentKernel | Generalized T-Student kernel |
   CWaveKernel | Wave kernel |
  CKernelNormalizer | The class Kernel Normalizer defines a function to post-process kernel values |
   CAvgDiagKernelNormalizer | Normalize the kernel by either a constant or the average value of the diagonal elements (depending on argument c of the constructor) |
   CDiceKernelNormalizer | DiceKernelNormalizer performs kernel normalization inspired by the Dice coefficient (see http://en.wikipedia.org/wiki/Dice's_coefficient) |
   CFirstElementKernelNormalizer | Normalize the kernel by a constant obtained from the first element of the kernel matrix, i.e.  |
   CIdentityKernelNormalizer | Identity Kernel Normalization, i.e. no normalization is applied |
   CMultitaskKernelMaskNormalizer | The MultitaskKernel allows Multitask Learning via a modified kernel function |
   CMultitaskKernelMaskPairNormalizer | The MultitaskKernel allows Multitask Learning via a modified kernel function |
   CMultitaskKernelMklNormalizer | Base-class for parameterized Kernel Normalizers |
    CMultitaskKernelPlifNormalizer | The MultitaskKernel allows learning a piece-wise linear function (PLIF) via MKL |
    CMultitaskKernelTreeNormalizer | The MultitaskKernel allows Multitask Learning via a modified kernel function based on taxonomy |
   CMultitaskKernelNormalizer | The MultitaskKernel allows Multitask Learning via a modified kernel function |
   CRidgeKernelNormalizer | Normalize the kernel by adding a constant term to its diagonal. This aids kernels to become positive definite (even though they are not - often caused by numerical problems) |
   CScatterKernelNormalizer | Scatter kernel normalizer |
   CSqrtDiagKernelNormalizer | SqrtDiagKernelNormalizer divides by the Square Root of the product of the diagonal elements |
   CTanimotoKernelNormalizer | TanimotoKernelNormalizer performs kernel normalization inspired by the Tanimoto coefficient (see http://en.wikipedia.org/wiki/Jaccard_index ) |
   CVarianceKernelNormalizer | VarianceKernelNormalizer divides by the ``variance'' |
   CZeroMeanCenterKernelNormalizer | ZeroMeanCenterKernelNormalizer centers the kernel in feature space |
  CLabels | The class Labels models labels, i.e. class assignments of objects |
  CList | Class List implements a doubly connected list for low-level-objects |
  CListElement | Class ListElement, defines how an element of the the list looks like |
  CLossFunction | Class CLossFunction is the base class of all loss functions |
   CHingeLoss | CHingeLoss implements the hinge loss function |
   CLogLoss | CLogLoss implements the logarithmic loss function |
   CLogLossMargin | Class CLogLossMargin implements a margin-based log-likelihood loss function |
   CSmoothHingeLoss | CSmoothHingeLoss implements the smooth hinge loss function |
   CSquaredHingeLoss | Class CSquaredHingeLoss implements a squared hinge loss function |
   CSquaredLoss | CSquaredLoss implements the squared loss function |
  CMachine | A generic learning machine interface |
   CDistanceMachine | A generic DistanceMachine interface |
    CHierarchical | Agglomerative hierarchical single linkage clustering |
    CKMeans | KMeans clustering, partitions the data into k (a-priori specified) clusters |
    CKNN | Class KNN, an implementation of the standard k-nearest neigbor classifier |
   CGaussianNaiveBayes | Class GaussianNaiveBayes, a Gaussian Naive Bayes classifier |
   CKernelMachine | A generic KernelMachine interface |
    CKRR | Class KRR implements Kernel Ridge Regression - a regularized least square method for classification and regression |
    CSVM | A generic Support Vector Machine Interface |
     CCPLEXSVM | CplexSVM a SVM solver implementation based on cplex (unfinished) |
     CGNPPSVM | Class GNPPSVM |
     CGPBTSVM | Class GPBTSVM |
     CLibSVM | LibSVM |
     CLibSVMOneClass | Class LibSVMOneClass |
     CLibSVR | Class LibSVR, performs support vector regression using LibSVM |
     CMKL | Multiple Kernel Learning |
      CMKLClassification | Multiple Kernel Learning for two-class-classification |
      CMKLOneClass | Multiple Kernel Learning for one-class-classification |
      CMKLRegression | Multiple Kernel Learning for regression |
     CMPDSVM | Class MPDSVM |
     CMultiClassSVM | Class MultiClassSVM |
      CGMNPSVM | Class GMNPSVM implements a one vs. rest MultiClass SVM |
      CLaRank | LaRank multiclass SVM machine |
      CLibSVMMultiClass | Class LibSVMMultiClass |
      CMKLMultiClass | MKLMultiClass is a class for L1-norm multiclass MKL |
      CScatterSVM | ScatterSVM - Multiclass SVM |
   CLinearMachine | Class LinearMachine is a generic interface for all kinds of linear machines like classifiers |
    CAveragedPerceptron | Class Averaged Perceptron implements the standard linear (online) algorithm. Averaged perceptron is the simple extension of Perceptron |
    CLDA | Class LDA implements regularized Linear Discriminant Analysis |
    CLibLinear | Class to implement LibLinear |
     CDomainAdaptationSVMLinear | Class DomainAdaptationSVMLinear |
    CPerceptron | Class Perceptron implements the standard linear (online) perceptron |
    CSGDQN | Class SGDQN |
    CSubGradientSVM | Class SubGradientSVM |
    CSVMLin | Class SVMLin |
    CSVMOcas | Class SVMOcas |
    CSVMSGD | Class SVMSGD |
   COnlineLinearMachine | Class OnlineLinearMachine is a generic interface for linear machines like classifiers which work through online algorithms |
    COnlineLibLinear | Class implementing a purely online version of LibLinear, using the L2R_L1LOSS_SVC_DUAL solver only |
    COnlineSVMSGD | Class OnlineSVMSGD |
    CVowpalWabbit | Class CVowpalWabbit is the implementation of the online learning algorithm used in Vowpal Wabbit |
   CPluginEstimate | Class PluginEstimate |
   CWDSVMOcas | Class WDSVMOcas |
  CMath | Class which collects generic mathematical functions |
  CMemoryMappedFile< T > | Memory mapped file |
  CModelSelection | Abstract base class for model selection. Takes a parameter tree which specifies parameters for model selection, and a cross-validation instance and searches for the best combination of parameters in the abstract method select_model(), which has to be implemented in concrete sub-classes |
   CGridSearchModelSelection | Model selection class which searches for the best model by a grid- search. See CModelSelection for details |
  CModelSelectionParameters | Class to select parameters and their ranges for model selection. The structure is organized as a tree with different kinds of nodes, depending on the values of its member variables of name and CSGObject |
  CNode | A CNode is an element of a CTaxonomy, which is used to describe hierarchical structure between tasks |
  CParameterCombination | Class that holds ONE combination of parameters for a learning machine. The structure is organized as a tree. Every node may hold a name or an instance of a Parameter class. Nodes may have children. The nodes are organized in such way, that every parameter of a model for model selection has one node and sub-parameters are stored in sub-nodes. Using a tree of this class, parameters of models may easily be set. There are these types of nodes: |
  CParseBuffer< T > | Class CParseBuffer implements a ring of examples of a defined size. The ring stores objects of the Example type |
  CPlifBase | Class PlifBase |
   CPlif | Class Plif |
   CPlifArray | Class PlifArray |
  CPlifMatrix | Store plif arrays for all transitions in the model |
  CPreprocessor | Class Preprocessor defines a preprocessor interface |
   CSimplePreprocessor< float64_t > | |
    CDimensionReductionPreprocessor | Class DimensionReductionPreprocessor, a base class for preprocessors used to lower the dimensionality of given simple features (dense matrices) |
     CKernelPCA | Preprocessor KernelPCA performs kernel principal component analysis |
     CPCA | Preprocessor PCACut performs principial component analysis on the input vectors and keeps only the n eigenvectors with eigenvalues above a certain threshold |
    CLogPlusOne | Preprocessor LogPlusOne does what the name says, it adds one to a dense real valued vector and takes the logarithm of each component of it |
    CNormOne | Preprocessor NormOne, normalizes vectors to have norm 1 |
    CPruneVarSubMean | Preprocessor PruneVarSubMean will substract the mean and remove features that have zero variance |
    CRandomFourierGaussPreproc | Preprocessor CRandomFourierGaussPreproc implements Random Fourier Features for the Gauss kernel a la Ali Rahimi and Ben Recht Nips2007 after preprocessing the features using them in a linear kernel approximates a gaussian kernel |
   CStringPreprocessor< uint16_t > | |
    CSortWordString | Preprocessor SortWordString, sorts the indivual strings in ascending order |
   CStringPreprocessor< uint64_t > | |
    CSortUlongString | Preprocessor SortUlongString, sorts the indivual strings in ascending order |
   CSimplePreprocessor< ST > | Template class SimplePreprocessor, base class for preprocessors (cf. CPreprocessor) that apply to CSimpleFeatures (i.e. rectangular dense matrices) |
   CSparsePreprocessor< ST > | Template class SparsePreprocessor, base class for preprocessors (cf. CPreprocessor) that apply to CSparseFeatures |
   CStringPreprocessor< ST > | Template class StringPreprocessor, base class for preprocessors (cf. CPreprocessor) that apply to CStringFeatures (i.e. strings of variable length) |
    CDecompressString< ST > | Preprocessor that decompresses compressed strings |
  CQPBSVMLib | Class QPBSVMLib |
  CSegmentLoss | Class IntronList |
  CSerializableFile | Serializable file |
   CSerializableAsciiFile | Serializable ascii file |
  CSerializableFile::TSerializableReader | Serializable reader |
   SerializableAsciiReader00 | Serializable ascii reader |
  CSet< T > | Template Set class |
  CSignal | Class Signal implements signal handling to e.g. allow ctrl+c to cancel a long running process |
  CSimpleFile< T > | Template class SimpleFile to read and write from files |
  CSplittingStrategy | Abstract base class for all splitting types. Takes a CLabels instance and generates a desired number of subsets which are being accessed by their indices via the method generate_subset_indices(...) |
   CStratifiedCrossValidationSplitting | Implementation of stratified cross-validation on the base of CSplittingStrategy. Produces subset index sets of equal size (at most one difference) in which the label ratio is equal (at most one difference) to the label ratio of the specified labels |
  CStatistics | Class that contains certain functions related to statistics, such as the student's t distribution |
  CStreamingFile | A Streaming File access class |
   CStreamingAsciiFile | Class StreamingAsciiFile to read vector-by-vector from ASCII files |
   CStreamingFileFromFeatures | Class StreamingFileFromFeatures to read vector-by-vector from a CFeatures object |
    CStreamingFileFromSimpleFeatures< T > | Class CStreamingFileFromSimpleFeatures is a derived class of CStreamingFile which creates an input source for the online framework from a CSimpleFeatures object |
    CStreamingFileFromSparseFeatures< T > | Class CStreamingFileFromSparseFeatures is derived from CStreamingFile and provides an input source for the online framework. It uses an existing CSparseFeatures object to generate online examples |
    CStreamingFileFromStringFeatures< T > | Class CStreamingFileFromStringFeatures is derived from CStreamingFile and provides an input source for the online framework from a CStringFeatures object |
   CStreamingVwCacheFile | Class StreamingVwCacheFile to read vector-by-vector from VW cache files |
   CStreamingVwFile | Class StreamingVwFile to read vector-by-vector from Vowpal Wabbit data files. It reads the example and label into one object of VwExample type |
  CSubset | Class for adding subset support to a class. Provides an interface for getting/setting subset_matrices and index conversion. Do not inherit from this class, use it as variable. Write wrappers for all get/set functions |
  CTaxonomy | CTaxonomy is used to describe hierarchical structure between tasks |
  CTime | Class Time that implements a stopwatch based on either cpu time or wall clock time |
  CTrie< Trie > | Template class Trie implements a suffix trie, i.e. a tree in which all suffixes up to a certain length are stored |
  CVwCacheReader | Base class from which all cache readers for VW should be derived |
   CVwNativeCacheReader | Class CVwNativeCacheReader reads from a cache exactly as that which has been produced by VW's default cache format |
  CVwCacheWriter | CVwCacheWriter is the base class for all VW cache creating classes |
   CVwNativeCacheWriter | Class CVwNativeCacheWriter writes a cache exactly as that which would be produced by VW's default cache format |
  CVwEnvironment | Class CVwEnvironment is the environment used by VW |
  CVwLearner | Base class for all VW learners |
   CVwAdaptiveLearner | VwAdaptiveLearner uses an adaptive subgradient technique to update weights |
   CVwNonAdaptiveLearner | VwNonAdaptiveLearner uses a standard gradient descent weight update rule |
  CVwParser | CVwParser is the object which provides the functions to parse examples from buffered input |
  CVwRegressor | Regressor used by VW |
  MKLMultiClassOptimizationBase | MKLMultiClassOptimizationBase is a helper class for MKLMultiClass |
   MKLMultiClassGLPK | MKLMultiClassGLPK is a helper class for MKLMultiClass |
   MKLMultiClassGradient | MKLMultiClassGradient is a helper class for MKLMultiClass |
 CSubGradientLPM | Class SubGradientSVM trains a linear classifier called Linear Programming Machine, i.e. a SVM using a norm regularizer |
 CSyntaxHighLight | Syntax highlight |
 CTron | Class Tron |
 DynArray< T > | Template Dynamic array class that creates an array that can be used like a list or an array |
 Example< T > | Class Example is the container type for the vector+label combination |
 Model | Class Model |
 Parallel | Class Parallel provides helper functions for multithreading |
 Parameter | Parameter class |
 ParameterMap | Implements a map of ParameterMapElement instances |
 ParameterMapElement | Class to hold instances of a parameter map. Each element contains a key and a value, which are of type SGParamInfo. May be compared to each other based on their keys |
 SGIO | Class SGIO, used to do input output operations throughout shogun |
 SGMatrix< T > | Shogun matrix |
 SGNDArray< T > | Shogun n-dimensional array |
 SGParamInfo | Class that holds informations about a certain parameter of an CSGObject. Contains name, type, etc. This is used for mapping types that have changed in different versions of shogun. Instances of this class may be compared to each other. Ordering is based on name, equalness is based on all attributes |
 SGSparseMatrix< T > | Template class SGSparseMatrix |
 SGSparseVector< T > | Template class SGSparseVector |
 SGSparseVectorEntry< T > | Template class SGSparseVectorEntry |
 SGString< T > | Shogun string |
 SGStringList< T > | Template class SGStringList |
 SGVector< T > | Shogun vector |
 ShogunException | Class ShogunException defines an exception which is thrown whenever an error inside of shogun occurs |
 SSKFeatures | SSKFeatures |
 substring | Struct Substring, specified by start position and end position |
 TParameter | Parameter struct |
 TSGDataType | Datatypes that shogun supports |
 v_array< T > | Class v_array is a templated class used to store variable length arrays. Memory locations are stored as 'extents', i.e., address of the first memory location and address after the last member |
 Version | Class Version provides version information |
 VwExample | Example class for VW |
 VwFeature | One feature in VW |
 VwLabel | Class VwLabel holds a label object used by VW |