latest version v1.9 - last update 10 Apr 2010 |
Namespaces | |
namespace | fft |
Classes | |
class | boxSide |
Policy class to compute the size of a box's side and the inverse transformation. More... | |
class | tbox |
Class to describe a 3D box aligned with the coordinate system. More... | |
class | className |
Provides methods for getting the class names of lti::objects. More... | |
class | cmykColor |
A little class for defining points in the CMYK color space. More... | |
class | rgbColor |
An alias for the rgbPixel type. More... | |
class | distanceType |
This class defines the appropriate return types when calculating the distance between to values of type T. More... | |
class | exception |
Base class for all lti-library exceptions. More... | |
class | allocException |
allocException is thrown if a memory allocation problem occurs More... | |
class | functor |
Base class for all lti functors. More... | |
class | object |
Base class for all lti objects. More... | |
class | objectFactory |
This class defines a factory for objects. More... | |
class | tpoint |
Two dimensional point, containing the coordinates x, y. More... | |
class | tpoint3D |
Three dimensional point, containing the coordinates x, y and z. More... | |
class | rectSide |
Policy class to compute the size of a rectangle's side and the inverse transformation. More... | |
class | trectangle |
Rectangle representation class. More... | |
class | rgbPixel |
Color pixel representation in RGB color space. More... | |
class | trgbPixel |
Template to use RGB pixel representations of types other than ubyte . More... | |
class | status |
Base class for all lti objects that can have a status text. More... | |
class | typeInfo |
This class allows to ask some information required in the LTI-Lib for some types. More... | |
class | adaptiveKMeans |
this class implements a k-means clustering that determines the number of clusters by itself More... | |
class | bagging |
Implementation of bagging classification. More... | |
class | bhattacharyyaDistOfSubset |
The class implements the bhattacharyya distance as cost function. More... | |
class | centroidClustering |
Base class for all clustering methods that use centroids or prototypes for describing individual clusters. More... | |
class | classificationStatistics |
This class allows the generation of classification statistics. More... | |
class | classifier |
Abstract parent class for all classifiers. More... | |
class | classifier2DVisualizer |
This functor creates beautiful pictures. More... | |
class | clustering |
Base class for all clustering algorithms. More... | |
class | clusteringValidity |
Parent class for all clustering validity measures. More... | |
class | dunnIndex |
computes the Dunn Index and its generalisations described in Bezdek, J.C.,Pal,N.R., 1998. More... | |
class | modHubertStat |
Calculates the modified Hubert statistic of the given clustering. More... | |
class | normModHubertStat |
Calculates the normalized version of the modified Hubert statistic The index is between -1 and 1. More... | |
class | daviesBouldinIndex |
Calculates the Davies Bouldin Index of the given clustering. More... | |
class | combination |
This class is used to combine several results of different classifier::output objects. More... | |
class | competitiveAgglomeration |
This class implements the centroid clustering algorithm presented in "Clustering by Competitive Agglomeration" from Frigui and Krishnapuram, Pattern Recognition, Vol. More... | |
class | costFunction |
Base class for all cost functions. More... | |
class | crispDecisionTree |
Base class for all crisp decision trees. More... | |
class | crossValidator |
This class does a cross validation on the given dataset and returns the average recognition rates. More... | |
class | DBScan |
A class providing the DBScan for clustering. More... | |
class | decisionTree |
This is the base class for all decision trees in the LTI-Lib. More... | |
class | featureSelector |
Abstract base class for all feature selectors. More... | |
class | fuzzyCMeans |
this class implements the fuzzy C Means clustering algorithm. More... | |
class | hmmClassifier |
This class defines training and classification methods for Hidden Markov Models (HMM) using observation sequences. More... | |
class | hmmOnlineClassifier |
This class allows online classification of word chains. More... | |
class | kernelFunctor |
This class defines a kernel functor. More... | |
class | kMeansClustering |
This class implements two versions of k-means-clustering: batch and sequential. More... | |
class | kNNClassifier |
Implements a k nearest neighbors search based classifier. More... | |
class | linearKernel |
This class defines a linear kernel functor. More... | |
class | lvq |
LVQ-Net. More... | |
class | mahalanobisDistOfSubset |
This class implements a cost function for evaluating a subset of features based on the mahalanobis distance. More... | |
class | manualCrispDecisionTree |
This class serves the manual construction of a crisp decision tree with crispNodes that have univariate decision functions. More... | |
class | MLP |
Multi-layer perceptrons. More... | |
class | MSTClustering |
This class implements a minimum spanning tree clustering. More... | |
class | plusLTakeAwayR |
This class implements the plus l - take away r algorithm descripted in: P. More... | |
class | polynomialKernel |
This class defines a polynomial kernel functor. More... | |
class | progressInfo |
Progress information interface. More... | |
class | streamProgressInfo |
Progress Information to stream. More... | |
class | radialKernel |
This class defines a radial kernel functor. More... | |
class | rbf |
class which implements RBF networks. More... | |
class | recognitionRateOfSubset |
Computes the average recognition rate of a given subset of features from a data set. More... | |
class | sammonsMapping |
Performs Sammon's Mapping. More... | |
class | sequentialBackwardSearch |
This class implements the sequential backward search algorithm for feature selection. More... | |
class | sequentialForwardSearch |
This class implements the sequential forward search algorithm for feature selection. More... | |
class | sffs |
Implemantation of the sequential floating forward search algorithm to select the best features from a data set. More... | |
class | shClassifier |
Implements a sparse histogram-based classifier, such as the one described in B. More... | |
class | sigmoidKernel |
This class defines a "sigmoid" kernel functor. More... | |
class | SOFM |
This is the base class for all Self Organizing Feature Maps. More... | |
class | SOFM2D |
This is a Self-Organizing Feature Map with a 2-D grid of neurons. More... | |
class | SOFM2DVisualizer |
This class provides some possibilites to visualize the given SOFM. More... | |
class | stdLayer |
This abstract class implements a standard neural network layer. More... | |
class | supervisedInstanceClassifier |
Abstract class, parent of all supervised instance classifiers. More... | |
class | supervisedInstanceClassifierFactory |
This class defines a factory for classifiers. More... | |
class | supervisedSequenceClassifier |
Abstract class, parent of all supervised classifiers for sequences. More... | |
class | svm |
Implements a support vector machine (SVM). More... | |
class | unsupervisedClassifier |
Abstract class, parent of all unsupervised classifiers. More... | |
class | activeShapeModel |
This is the base class for active shape models (ASM). More... | |
class | axLocalRegions |
This functor is based on concepts described in Lowe, D.G. More... | |
class | axOGDFeature |
OGD based texture feature. More... | |
class | backgroundModel |
Implementation of an part of the paper 'Pfinder: Real-Time Tracking of the Human Body' from Wren, Azarbayejani, Darrell and Pentland published in IEEE PAMI July 1997, vol 19, no 7, pp. More... | |
class | bayerDemosaicing |
This functor makes a color interpolation of common BAYER Patterns used in digital cameras. More... | |
class | bicubicInterpolator |
This functor use bicubic interpolation to approximate values between the pixels or elements of vectors and matrices. More... | |
class | bilinearInterpolator |
This functor use bilinear interpolation to approximate values between the pixels or elements of vectors and matrices. More... | |
class | cityBlockKernel |
cityBlock filter kernel More... | |
class | chessBoardKernel |
chessboard filter kernel or square filter kernel More... | |
class | octagonalKernel |
octagonal filter kernel More... | |
class | euclideanKernel |
euclidean filter kernel More... | |
class | biquadraticInterpolator |
This functor use biquadratic interpolation to approximate values between the pixels or elements of vectors and matrices. More... | |
class | blobEM |
Estimates the position of M overlapping blobs by applying the EM-algorithm and estimating the parameters of a gaussian mixture model that fits the blobs. More... | |
class | blueScreen |
This functor replaces a specified background color of an image with another color or another image ("Bluescreen Technique"). More... | |
class | borderExtrema |
This functor extracts minimum and maximum positions along a border in terms of distance to a given center point. More... | |
class | borderSignature |
This functor extracts a functional border description from a borderPoint list. More... | |
class | boundingBox |
Generate an image containing a region of another one specified through a contour-instance, or compute the "best" rectLocation that contains the specified region. More... | |
class | brightRGB |
This functor splits an image into its three channels (R.G,b) and then calculates the Minimum, Maximum, Average, Median or Average and Variance over their values, depending on the parameter type. More... | |
class | calibrationBlobFeatures |
To calibrate the camera optic feature points of an calibration pattern must be extracted. More... | |
class | camshiftTracker |
This is the implementation of the CAMSHIFT (Continuously Adaptive Mean Shift) Tracking algorithm as described in: G.Bradski, "Computer Vision Face Tracking For Use in a Perceptual User
Interface", IEEE Workshop on Applic.Comp.Vis.,1998. More... | |
class | cannyEdges |
The Canny Edge Detector is a standard algorithm, designed to detect "optimal" edges. More... | |
class | cartesianToPolar |
Computes the elements of the polar coordinate system (value,phase) based on the parameters of the cartesian coordinate system (x,y). More... | |
class | channelStatistics |
This functor splits an image into three channels of a color space set in the parameters (see parameters::setSplitter() ). More... | |
class | chromaticityHistogram |
Create a chromaticity histrogram feature vector. More... | |
class | chrominanceMapEstimator |
This class computes a map between the chrominances and the most likely object based on chrominance histograms and the Bayes Theorem. More... | |
class | chrominanceMapMasking |
This class performs color segmentation in the chrominance plane using a chrominance map which may be drawn manually or computed by the chrominance map estimator class. More... | |
class | chrominanceModelEstimator |
This class stores a 2d histogram containing all chrominances which have been seen on a specific object. More... | |
class | classicEdgeDetector |
This class implements simple standard edgedectors like Sobel. More... | |
class | coilBackgroundSegmentation |
The coilBackgroundSegmentation functor tries to detect which pixels belong to the background and which not. More... | |
class | colorACASegmentation |
Color Adaptive Clustering Algorithm. More... | |
class | colorContrastGradient |
The contrast gradient is used in color or multi-spectral image as a replacement of the gray-value gradient in gray images. More... | |
class | colorEdgesGS |
Gevers and Stokman color edges. More... | |
class | colorModelEstimator |
This functor is used to create three-dimensional histograms for the colors of images. More... | |
class | colorModelSelector |
This functor selects one color model from a set, which elements were given by addColorModel. More... | |
class | colorNormalizationBase |
Parent class for color normalization methods usually used to eliminate the effects of illumination changes. More... | |
class | colorQuantization |
Abstract parent class for all color quantization algorithms All color quantization functors must overload the apply-member defined here. More... | |
class | comprehensiveColourNormalization |
This class implements the algorithm described in the paper "Comprehensive Colour Image Normalization" by Finlayson, Schiele and Crowley. More... | |
class | computePalette |
This class is used to compute a palette given a color image and an index mask. More... | |
class | chainCode |
Elements of a Chaincode. More... | |
class | ioPoints |
Contour classes: IO-Points. More... | |
class | borderPoints |
Contour classes: Border-Points. More... | |
class | areaPoints |
Contour classes: Area-Points. More... | |
class | convexHull |
Computes the convex hull of a set of points. More... | |
class | convolution |
Convolution functor. More... | |
class | convHelper1D |
pre-convolution algorithm for a vector * kernel1D The type T is the type of the elements of the vector and kernel1D The class A determines how the values should be accumulated. More... | |
class | convHelper2D |
pre-convolution algorithm for a matrix * kernel2D The type T is the type of the elements of the vector an kernel1D The class A determines how the values should be accumulated. More... | |
class | cornerDetector |
Parent class for all corner detectors. More... | |
class | cornerDetectorFactory |
This class defines a factory for corner detector functors. More... | |
class | correlation |
Correlation functor. More... | |
class | crossCorrelationCoefficient |
This class computes the normalized cross correlation coefficient between two matrices or vectors. More... | |
class | csPresegmentation |
The csPresegmentation functor (states for color space presegmentation) tries to detect which pixels belong to the background and which not. More... | |
class | curvatureFeature |
The curvature feature is similar to the lti::orientationFeature, but instead of creating a histogram of the pixel orientations, a histogram of the curvature of a pixel will be done, considering also the "relevance" channel when constructing it. More... | |
class | curvatureScaleSpace |
Curvature Scale Space Representation (CSS). More... | |
class | cwagmSegmentation |
CWAGM Segmentation. More... | |
class | decimation |
Decimation. More... | |
class | dilation |
Dilation functor. More... | |
class | distanceTransform |
This simple morphological operator assumes that the input data is a binary image, i.e. More... | |
class | downsampling |
This functor is used to downsample images. More... | |
class | draw |
Object for drawing a number of geometric figures and lists thereof, simple texts and a few other types with graphic representation in a lti::matrix. More... | |
class | draw2DDistribution |
This class draws a 2-D distribution into an image or a channel. More... | |
class | draw3D |
Tool for drawing 3D points and lines in a lti::matrix. More... | |
class | rayTraceObject |
abstract class parent for all objects that can be ray-traced. More... | |
class | rayTraceEllipsoid |
Ray tracing object for ellipsoids. More... | |
class | draw3DDistribution |
Draws a three dimensional distribution. More... | |
class | drawBase |
Abstract parent class for draw and epsDraw. More... | |
class | drawFlowField |
Draws the visualization of a two dimensional flowfield. More... | |
class | edgeDetector |
Parent abstract class for all edge detectors. More... | |
class | edgeDetectorFactory |
This class defines a factory for edge detector functors. More... | |
class | edgeSaliency |
A class for edge based strcutural saliency calculations. More... | |
class | epsDraw |
Object for drawing lines and points and geometric objects to an (E)PS file. More... | |
class | erosion |
Erosion functor. More... | |
class | expandVector |
This class is used to map a function f(x) represented by a vector into another scale f(g(x)), where g(x) can be given. More... | |
class | faceThreshold |
The ltiFaceThreshold-class calculates for a given skin probability mask of an image an extraction-threshold that allows to 'cut-out' the face (blob) of the shown person. More... | |
class | fastCircleExtraction |
This functor implements a fast circle extraction using the line segments found in digital images. More... | |
class | fastEllipseExtraction |
This functor implements a fast ellipse extraction using the line segments found in digital images. More... | |
class | fastLineExtraction |
This functor implements a fast line extraction using the line segments found in digital images. More... | |
class | fastRelabeling |
This functor takes a mask (labeled or not), where it is assumed that a region must be connected or not and reassignes labels to them in a way that each connected region gets its own label. More... | |
class | featureExtractor |
The feature extractors are functors which extract information from the given images or channels, and leave this information in the form of vectors of doubles. More... | |
class | featureSaliencyAx |
Feature saliency map for AXIOM. More... | |
class | featureSaliencyIK |
Feature Saliency for color images. More... | |
class | filledUpsampling |
Filled Upsampling. More... | |
class | filter |
Base class for all filters. More... | |
class | flipImage |
Flips an image horizontally or vertically. More... | |
class | fMatrixEstimator |
A class for estimating the fundamental matrix with a least squares approach. More... | |
class | fMatrixEstimatorBase |
A base class for estimating the fundamental matrix with a least squares approach. More... | |
class | fundamentalMatrixSolverLMS |
This Algorithm determines the fundamental matrix from point correnspondences in two images. More... | |
class | fourierDescriptor |
This class generates fourier descriptors. More... | |
class | frankotChellapa |
The Francot-Chellapa argorithm extracts a depth image from an intensity image. More... | |
class | gaborKernel |
two-dimensional gabor filter kernel More... | |
class | gaborKernelSep |
two-dimensional separable gabor filter kernel More... | |
class | gaborPyramid |
GaborPyramid class. More... | |
class | gaussianPyramid |
GaussianPyramid class. More... | |
class | gaussKernel1D |
one-dimensional filter kernel More... | |
class | gaussKernel2D |
Two-dimensional Gaussian filter kernel. More... | |
class | genericInterpolator |
This functor use a generic interpolation concept based on look-up-tables for the interpolation kernels. More... | |
class | geometricFeatureGroup0 |
Description of the simpliest geometric features given by the rectangle surrounding the object, the object's area and the center of gravity. More... | |
class | geometricFeatures |
Computes features, which describe some geometric properties of a 2D shape. More... | |
class | geometricFeaturesFromMask |
This functor takes a mask (labeled or not), where it is assumed that a region must be connected or not and reassigned labels to them in a way that each connected region gets its own label. More... | |
class | geometricTransform |
This functor implements an generic geometric transform based on a homogeneous matrix, which is able to represent rotations, translations scalings and all other possibilites of homographies. More... | |
class | gHoughTransform |
The Generalized-Hough-Transform. More... | |
class | globalFeatureExtractor |
The feature extractors are functors which extract information from the given images or channels, and leave this information in the form of vectors of doubles. More... | |
class | gradientASM |
This class implements an alignment strategy for activeShapeModel (ASM). More... | |
class | gradientFunctor |
The gradient is a simple wrapper for the convolution functor with some convenience parameterization to choose between different common gradient kernels. More... | |
class | gradientKernelX |
Two-dimensional separable filter kernels for the gradient approximation. More... | |
class | gradientKernelY |
Two-dimensional separable filter kernels for the gradient approximation. More... | |
class | sobelKernelX |
Sobel Kernel X. More... | |
class | sobelKernelY |
Sobel Kernel Y. More... | |
class | prewittKernelX |
Prewitt Kernel X. More... | |
class | prewittKernelY |
Prewitt Kernel Y. More... | |
class | harrisKernelX |
Harris Kernel X. More... | |
class | harrisKernelY |
Harris Kernel Y. More... | |
class | robinsonKernelX |
Robinson Kernel X. More... | |
class | robinsonKernelY |
Robinson Kernel Y. More... | |
class | kirschKernelX |
Kirsch Kernel X. More... | |
class | kirschKernelY |
Kirsch Kernel Y. More... | |
class | graphicsPattern |
graphicsPattern template class. More... | |
class | linePattern |
Line pattern class. More... | |
class | fillPattern |
Fill pattern class. More... | |
class | grayWorldNormalization |
Performs a color normalization on an lti::image using a gray world approach, in order to eliminate effects of illumination colour. More... | |
class | guyMedioniSaliency |
The Guy-Medioni saliency is a procedure for perceptual grouping of low level features like points and edges. More... | |
class | harrisCorners |
Harris Corner Detector. More... | |
class | hessianFunctor |
The hessianFunctor calculates three channels from an input channel L:. More... | |
class | hessianKernelXX |
Two-dimensional kernels to compute the Hessian coefficients. More... | |
class | hessianKernelYY |
Two-dimensional kernels to compute the Hessian coefficients. More... | |
class | hessianKernelXY |
Two-dimensional kernels to compute the Hessian coefficients. More... | |
class | histogramEqualization |
HistogramEqualization equalizes the values of the given channel, channel8, vector<ubyte> or fvector within the given input range and maps these equalized values to the given output range. More... | |
class | histograming1D |
This class extracts a 1D histogram from a channel or channel8. More... | |
class | histogramRGBL |
This simple feature consists on four independently calculated histograms, one for each color component R, G and B and the luminance L, defined as L = (min(R,G,B) + max(R,G,B))/2. More... | |
class | hmmTrellisDiagram |
Draws the trellis diagram for visualizing the viterbi path selection given by lti::hmmViterbiPathSearch for a lti::hiddenMarkovModel! More... | |
class | homography8DofEstimator |
This class computes the parameters of the perspective transformation between two images using a non-homogenous approach and least squares. More... | |
class | homography9DofEstimator |
This class computes the parameters of the perspective transformation between two images using an homogenous approach and least squares. More... | |
class | homographyEstimatorBase |
A parent class for estimating a transform that can be converted to a homography. More... | |
class | homographyEstimatorFactory |
This class defines a factory for homography estimator functors. More... | |
class | hPoint2D |
Homogeneous point in two dimensions Note that an homogeneous two-dimensional point has three elements: x,y and h. More... | |
class | hPoint3D |
Homogeneous point in three dimensions. More... | |
class | hMatrix |
Homogeneous matrix for projective space transformations. More... | |
class | hMatrix2D |
Homogeneous matrix to represent linear transformations in a two-dimensional projective space. More... | |
class | hMatrix3D |
Homogeneous matrix in 3D projective space. More... | |
class | huMoments |
Extracts the 7 moment invariants as described in "Visual Pattern Recognition
by Moment Invariants" by Ming-Kuei Hu (IRE Transactions on Information Theory, 1962). More... | |
class | image |
The one and only RGB-image format. More... | |
class | channel |
a format for float channels. More... | |
class | channel8 |
a format for 8-bit-channels. More... | |
class | channel32 |
a format for signed 32-bit-channels. More... | |
class | isotropicNormalization |
A class for isotropic normalizations of point sets. More... | |
class | kalmanFilter |
A discrete linear Kalman filter implementation. More... | |
class | kalmanTracker |
A tracker implementation making use of the class kalmanFilter. More... | |
class | kMColorQuantization |
k-Means based color quantization. More... | |
class | kMeansSegmentation |
A segmentation algorithm which is based on a color-quantization algorithm followed by a smoothing filter. More... | |
class | kNearestNeighFilter |
A smoothness filter for label images (channel8,matrix<int>) which uses the idea of the k-Nearest Neighbour concept. More... | |
class | kullbackContrast |
Calculate the Kullback-Constrast for a channel, as described in: Jagersand, Martin. More... | |
class | labelAdjacencyMap |
Visualize a label mask in a color image. More... | |
class | laplacianKernel |
Two-dimensional kernels to compute the Laplacian. More... | |
class | laplacianPyramid |
LaplacianPyramid class. More... | |
class | kernel1D |
one-dimensional filter kernel More... | |
class | kernel2D |
two-dimensional filter kernel More... | |
class | sepKernel |
Separable Kernel. More... | |
class | linearRegressionTracking |
With this tracking algorithm it is possible to track the movement of an object together with scaling and rotation in the image plane. More... | |
class | lkmColorQuantization |
Color quantization functor based on the local k-Means algorithm of O. More... | |
class | lkTracker |
This functor implements a hierachical Lucas Kanade optical flow. More... | |
class | localColorFeature |
This functor calculates for each location in a given list color-features. More... | |
class | localFeatureExtractor |
The local feature extractors are functors which extract information from the given images or channels at the given locations. More... | |
class | localMaxima |
This simple functor tries to find the local maxima at a given window and suppresses all other values, setting them the "nonMaxValue" given in the parameters (usually 0). More... | |
class | localMoments |
This local feature extractor can be used to estimate the standardized moments (Mean, Variance, Skew and Kurtosis) of a certain circular area around the given location. More... | |
class | location |
The location class specifies a small region in an image or channel. More... | |
class | rectLocation |
The rectLocation class specifies a small region in an image or channel. More... | |
class | locationSelector |
This functor adjust the given list of locations by a given mask. More... | |
class | loweGradientFeature |
Local feature based on the gradient distribution at the level of the location. More... | |
class | maskImage |
This functor is used to mask color images with labeled or unlabeled masks. More... | |
class | maximumFilter |
This is an efficient implementation of the non-linear maximum filter. More... | |
class | meanShiftSegmentation |
This is the implementation of the mean shift segmentation algorithm. More... | |
class | meanshiftTracker |
This is the implementation of the MEANSHIFT Tracking algorithm as described in: Comaniciu, Ramesh and Meer, "Real-Time Tracking of
Non-Rigid Objects using the Mean Shift", IEEE Workshop on Applic.Comp.Vis.,2000. More... | |
class | medianCut |
This class does color quantization with median-cut-algorithm (Heckbert, MIT 1980). More... | |
class | medianFilter |
This class implements the median filter. More... | |
class | mergeCIELuvToImage |
Merge CIE Luv channel into an color image. More... | |
class | mergeHLSToImage |
Merge HLS channels (Hue, Luminance, Saturation). More... | |
class | mergeHSIToImage |
Merge HSI (Hue Saturation Intensity) channels. More... | |
class | mergeHSVToImage |
Merge HSV channels (Hue, Saturation, Value). More... | |
class | mergeImage |
Base class for all merge image functor-classes. More... | |
class | mergeOCPToImage |
Merge linear opponent color channels OCP. More... | |
class | mergeRGBToImage |
Merge RGB channels. More... | |
class | mergergIToImage |
Merge chromaticity channels rgI. More... | |
class | mergexyYToImage |
Merge chromaticity xyY channels. More... | |
class | mergeXYZToImage |
Merge XYZ channels. More... | |
class | mergeYCbCrToImage |
Creates RGB values from given YCbCr values by merging float or ubyte values to an rgbPixel, merging channels(floats) or channel8s(ubytes) to an Image. More... | |
class | mergeYIQToImage |
Merge YIQ channels (Luminance, Inphase, Quadrature). More... | |
class | mergeYPbPrToImage |
Creates RGB values from given YPbPr values by merging float or ubyte values to an rgbPixel, merging channels(floats) or channel8s(ubytes) to an Image. More... | |
class | mergeYUVToImage |
Compute RGB values from given YUV values by merging float or ubyte values to an rgbPixel, merging channels(floats) or channel8s(ubytes) to an Image. More... | |
class | modifier |
Base class for all filters and other functors, which transform an image or channel in another image of the same type. More... | |
class | monteCarloEstimator |
A parent class for estimating a transform from point sets while detecting and discarding outliers. More... | |
class | morphology |
Base class for all morphological operators. More... | |
class | multiclassNormalizedCuts |
Multiclass normalized cuts. More... | |
class | multiGeometricFeaturesFromMask |
This functor takes a mask (labeled or not), where it is assumed that a region must be connected or not and reassigns labels to them in a way that each connected region gets its own label. More... | |
class | nearestNeighborInterpolator |
This functor use nearestNeighbor interpolation to approximate values between the pixels or elements of vectors and matrices. More... | |
class | nonMaximaSuppression |
The non-maxima suppression is usually the last stage of edge detectors (the most prominent example is the Canny Edge Detector, see lti::cannyEdges), but it can also be employed in other similar tasks, like detection of saliency edges from "structural" saliency maps (see for example lti::guyMedioniSaliency). More... | |
class | objectsFromMask |
This class works on channel8/imatrix to extract connected components and describes them as the topological order of "objects" and "holes". More... | |
class | ogdFilter |
oriented gaussian derivatives steerable filters More... | |
class | ogd1Kernel |
First order Oriented Gaussian Derivative. More... | |
class | ogd2Kernel |
Second order Oriented Gaussian Derivative. More... | |
class | opponentColor |
This functor generates an "opponent color" channel from the given two channels, one representing the center, the other representing the surround. More... | |
class | opticalFlowHS |
Computes the optical flow between two consecutive images according to Horn-Schunks gradient based method. More... | |
class | opticalFlowLK |
This class computes the optical flow between two consecutive images according to the gradient based method of Lucas+Kanade. More... | |
class | optimalThresholding |
Threshold segmentation of a single channel with the optimal threshold value. More... | |
class | orientationFeature |
The orientation feature takes two channels: a "relevance" channel and an "orientation" channel, and with them it creates an orientation histogram with the given number of cells. More... | |
class | orientationMap |
Generate an orientation map of a given channel. More... | |
class | orientedHLTransform |
This functor is used to make a fast Hough Line Transform and creates a channel32 transformation accumulator. More... | |
class | overlappingSets2D |
Considering 2d sets, which may overlap, one might ask in which sets a particular 2d point is contained. More... | |
class | patternDraw |
Object for drawing lines and points in a lti::matrix with support for line and fill patterns. More... | |
class | pdmGenerator |
This class creates a pointDistributionModel (PDM) given a set of shapes of type pointDistributionModel::shape. More... | |
class | pointDistributionModel |
This class is the data structure for a Point Distribution Model (PDM). More... | |
class | tpointList |
tpointList template class. More... | |
class | pointSetNormalization |
A parent class for normalizations of point sets. More... | |
class | polarToCartesian |
Computes the elements of the cartesian coordinate system (real,imaginary) based on the parameters of the polar coordinate system (absolute value, phase). More... | |
class | polygonApproximation |
Computes a polygon approximation for a given border point list. More... | |
class | tpolygonPoints |
Contour classes: polygonPoints. More... | |
class | polygonPoints |
Polygon Points of Integer Points. More... | |
class | probabilityMap |
Probability Map based on 3D non-parametric (color) models. More... | |
class | probabilityMap2D |
Probability Map based on 2D non-parametric (color) models. More... | |
class | probabilityMapBase |
base class for all probability map classes, e.g. More... | |
class | pyramid |
Pyramid class. More... | |
class | pyramidLocationSearch |
Search for salient locations in the scale space of a channel. More... | |
class | qmf |
This class implements dyadic wavelet-transform as quadrature mirror filters. More... | |
class | qmfEnergy |
The qmfEnergy is a functor for extraction of texture features. More... | |
class | qmfInverse |
This class allows the reconstruction of channels which were wavelet- transformed by the functor lti::qmf. More... | |
class | haarKernel |
the Haar filter kernel More... | |
class | daubechies16Kernel |
16 tap Daubechies filter kernel More... | |
class | battleLemarieKernel |
Battle-Lemariè filter kernel. More... | |
class | tap9Symmetric |
9 tap symmetric filter kernel More... | |
class | quadTreeSegmentation |
Quad-Tree based color image segmentation method. More... | |
class | ransacEstimator |
This class estimates a transform using the Ransac algorithm. More... | |
class | realFFT |
A class for FFT. More... | |
class | realInvFFT |
A class for inverse FFT. More... | |
class | regionGraphFunctor |
Functor to manipulate graphs of adjacent image regions. More... | |
class | regionGraphMeansNode |
Type for adjacency graph nodes containing the mean values of each region. More... | |
class | regionGraphScalarMeanDistance |
Compute the weight between two scalar nodes as the absolute value of the difference. More... | |
class | regionGraphScalarHarisDistance |
Compute the weight between two scalar nodes as the absolute value of the difference. More... | |
class | regionGraphColorMeanDistance |
Compute the weight between two color point nodes as the euclidean distance between both points. More... | |
class | regionGraphColorHarisDistance |
Compute the weight between two color point nodes as the euclidean distance between both points. More... | |
class | regionGraphColor |
Functor to manipulate graphs of adjacent image regions, where the nodes of the graphs contain the mean value of the region represented by the node. More... | |
class | regionGraphGray |
Functor to manipulate graphs of adjacent image regions, where the nodes of the graphs contain the mean value of the region represented by the node. More... | |
class | regionGrowing |
This class is used to segmentate an image with a regular background. More... | |
class | regionMerge |
This functor uses a similarity matrix (see lti::similarityMatrix) and a threshold value given in the parameters to decide if two objects in a mask (also returned by lti::similarityMatrix or by lti::objectsFromMask) should be merged or not. More... | |
class | regionShapeFeatures |
This functor computes descriptors for shapes, decomposing a binary mask as a sum of some basis functions. More... | |
class | regionsPolygonizer |
This functor takes a labeled mask and for each region therein it computes a polygon approximation of its contour. More... | |
class | relativeThresholding |
This class implements percentual Thresholding. More... | |
class | robustEstimator |
A parent class for estimating a transform from sets of points in a robust manner. More... | |
class | rotation |
Rotation implements a rotation functor. More... | |
class | saliency |
base class for all saliency modifiers. More... | |
class | scalarValuedInterpolatorFactory |
This class defines a factory for interpolator functors derived from lti::scalarValuedInterpolation<T>. More... | |
class | scaleSpacePyramid |
Image pyramid to represent the scale space. More... | |
class | scaling |
Scaling implements a functor to rescale an image using a real valued scaling factor. More... | |
class | scene3D |
Tool for creating three dimensional scenes. More... | |
class | schieleCrowley6DFeature |
This functor create huge lists of local features, that can be used to train the multidimensional receptive field histograms of Schiele and Crowley (see lti::shClassifier). More... | |
class | andoKernelXX |
Two-dimensional separable filter kernels for the second derivative approximation. More... | |
class | andoKernelXY |
Two-dimensional separable filter kernels for the second derivative approximation. More... | |
class | andoKernelYY |
Two-dimensional separable filter kernels for the second derivative approximation. More... | |
class | sobelKernelXX |
Sobel Kernel XX. More... | |
class | sobelKernelXY |
Sobel Kernel XY. More... | |
class | sobelKernelYY |
Sobel Kernel YY. More... | |
class | prewittKernelXX |
Prewitt Kernel XX. More... | |
class | prewittKernelXY |
Prewitt Kernel XY. More... | |
class | prewittKernelYY |
Prewitt Kernel YY. More... | |
class | harrisKernelXX |
Harris Kernel XX. More... | |
class | harrisKernelXY |
Harris Kernel XY. More... | |
class | harrisKernelYY |
Harris Kernel YY. More... | |
class | robinsonKernelXX |
Robinson Kernel XX. More... | |
class | robinsonKernelXY |
Robinson Kernel XY. More... | |
class | robinsonKernelYY |
Robinson Kernel YY. More... | |
class | kirschKernelXX |
Kirsch Kernel XX. More... | |
class | kirschKernelXY |
Kirsch Kernel XY. More... | |
class | kirschKernelYY |
Kirsch Kernel YY. More... | |
class | segmentation |
Base class for all segmentation algorithms. More... | |
class | selective2DConvolution |
This modifier is used to convolve individual points of a given channel with a arbitrary kernel2D<float> (e.g. More... | |
class | shapeFeatureExtractor |
Base class for all clases which extract features from shapes displayed with pointLists. More... | |
class | shiftInvariance |
This functor takes a vector, which is supposed to be periodic, and generates a second "normalized" shifted one. More... | |
class | similarityMatrix |
Given a set of connected image regions (coded in a labeled mask or std::list of area point lists) and the original color image, this functor will compute a similarity measure between the objects, and will code them in a similarity matrix. More... | |
class | skeleton |
Homotopy preserving Skeleton. More... | |
class | skinASM |
This is an alignment strategy for activeShapeModels (ASM), that works on a gradient channel and a skin probability channel, to trace skin colored objects. More... | |
class | skinProbabilityMap |
creates a skin probability map. More... | |
class | snake |
Snake segmentation. More... | |
class | splitImage |
Parent for all classes that split image into differen color spaces components (color channels). More... | |
class | splitImageFactory |
This class defines a factory for functors that split color images in their color components. More... | |
class | splitImageToCIELuv |
Split image in its Luv channels. More... | |
class | splitImageToGSC |
Split image in its c1, c2 and c3 components, as described in T. More... | |
class | splitImageToGSL |
Split image in its l1, l2 and l3 components, as described in T. More... | |
class | splitImageToHLS |
Split image in its Hue - Luminance - Saturation channels. More... | |
class | splitImageToHSI |
Split image in its Hue - Saturation - Intensity channels. More... | |
class | splitImageToHSV |
Split image in its Hue - Saturation - Value channels. More... | |
class | splitImageToOCP |
Split image in an oponent colour system. More... | |
class | splitImageToRGB |
Split image in its Red - Green - Blue channels. More... | |
class | splitImageTorgI |
Split image in its chromaticity channels. More... | |
class | splitImageToxyY |
Split image in its xyY norm chromaticity channels. More... | |
class | splitImageToXYZ |
Split image in its XYZ norm channels. More... | |
class | splitImageToYCbCr |
Computes the YCbCr values from a given RGB color representation (rgbPixel). More... | |
class | splitImageToYIQ |
Split image in its Luminance Inphase Quadrature channels. More... | |
class | splitImageToYPbPr |
Computes the YPbPr values from a given RGB color representation (rgbPixel). More... | |
class | splitImageToYUV |
Computes the YUV values from a given RGB color representation (rgbPixel). More... | |
class | squareConvolution |
This is an efficient implementation of the convolution with a square or rectangular kernel. More... | |
class | susan |
A class for SUSAN image Processing. More... | |
class | susanCorners |
Corner finder with the Susan low level image processing algorithm. More... | |
class | susanDenoise |
The susan denoiser enhances pictures by removing the noise from any colour channel. More... | |
class | susanEdges |
The Susan Edge Detector. More... | |
class | temporalTemplate |
This functor implements temporal templates, as described by James Davis and Aaron Bobick in "The Representation and Recognition of
Action Using Temporal Templates", MIT Media Lab, Tech. More... | |
class | thresholding |
Threshold segmentation of a single channel (monochrom) image or a contour. More... | |
class | thresholdSegmentation |
Threshold segmentation of a single channel (monochrom) image or a contour. More... | |
class | transform |
A base class for integral transformations. More... | |
class | transformEstimator |
A parent class for estimating a transform from sets of points. More... | |
class | transformEstimatorFactory |
This class defines a factory for transform estimator functors. More... | |
class | translationScaleEstimator |
This class estimates a translation and common scale for the x and y coordinates, i.e. More... | |
class | triangularKernel1D |
one-dimensional filter kernel More... | |
class | upsampling |
Upsampling is the complementary functor to lti::downsampling. More... | |
class | usePalette |
Use color or gray-valued palette. More... | |
class | watershedSegmentation |
Watershed segmentation of a channel8. More... | |
class | whiteningSegmentation |
The whitening segmentation is an extention of the k-Means based segmentation (see lti::kMeansSegmentation). More... | |
class | ioImage |
Base class to functors which load and save images in all formats. More... | |
class | loadImage |
Functor to read an image file. More... | |
class | saveImage |
This class is used to save lti::image or lti::channel objects in files of one of the formats supported by the LTI-Lib. More... | |
class | ascii85Codec |
Encodes a byte array to an array of hexadecimal digits or performs the corresponding decoding method, depending on the parameters. More... | |
class | asciiHexCodec |
Encodes a byte array to an array of hexadecimal digits or performs the corresponding decoding method, depending on the parameters. More... | |
class | binarizationCodec |
Encodes a byte array to an array of bits. More... | |
class | ioBMP |
Base class to functors which load and save images in BMP format. More... | |
class | loadBMP |
Functor to read a bitmap (BMP) file. More... | |
class | saveBMP |
Functor to save a bitmap (BMP) file. More... | |
class | camera |
Parent class for all cameras with control over the lens system, including zooming. More... | |
class | combinedCodec |
This is the base class for data encoding and decoding. More... | |
class | configFileHandler |
Write and read config files, similar to windows ini files. More... | |
class | dataCodec |
This is the base class for data encoding and decoding. More... | |
class | dataTransformer |
This is the low-level base class for data transformers. More... | |
class | directedPerceptionPTU |
This class performs handling of the pan-tilt unit PTU-D46-17 from the manufactor DirectedPerception. More... | |
class | fireWireDCAM |
Grab imags from FireWire Cameras. More... | |
class | frameGrabber |
frame grabber class. More... | |
class | identityCodec |
This is a dummy codec that does absolutely nothing. More... | |
class | ioFunctor |
Base class to all io functors. More... | |
class | endianness |
Endianness This class is used to read data from a file with a known endianness. More... | |
class | ioJPEG |
Base class to functors which load and save images in JPEG format. More... | |
class | loadJPEG |
Functor to read a JPEG file It is NOT thread save, this means, the SAME instance can not be used from different threads or processes at the same time. More... | |
class | saveJPEG |
Functor for writing a lti::image to a JPEG file To save a JPEG image just initialize the parameters of the "saveJPEG" object and call the apply member. More... | |
class | leutronFrameGrabber |
Interface to all Leutron framegrabbers in the system. More... | |
class | lncFeatureFile |
parent class for the functors which deal with the ASCII file format to store feature vectors. More... | |
class | loadLnc |
class to load lnc-files (ascii format to store feature vectors) More... | |
class | saveLnc |
class to save lnc-files (ascii format to store feature vectors) More... | |
class | loadImageList |
This functor loads images given either in a std::list of strings, a special file or a whole directory: Each apply call loads the next image from the list. More... | |
class | loadVectorImageList |
This functor loads a list of images and transforms each into a vector or all into a matrix where each row contains a vector image. More... | |
class | ioLTI |
Base class to functors which load and save images in LTI format. More... | |
class | loadLTI |
Functor to read a bitmap (LTI) file. More... | |
class | saveLTI |
Functor to save a bitmap (LTI) file. More... | |
class | microEnablePulnix |
Silicon Software channel link frame grabber (Linux version!). More... | |
class | panTiltUnit |
Parent class for all pan tilt units. More... | |
class | ioPNG |
Base class to functors which load and save images in PNG format. More... | |
class | loadPNG |
Functor to read a Portable Network Graphic (PNG) file. More... | |
class | savePNG |
Functor to save a Protable Network graphic (PNG) file. More... | |
class | quickCam |
class to access the quick cam camera system (for LINUX only!) More... | |
class | runLengthCodec |
Encodes a byte array to an array of hexadecimal digits or performs the corresponding decoding method, depending on the parameters. More... | |
class | sonyEviD100P |
Access to the Sony Evi D100P camera and pan tilt unit. More... | |
class | toUCam |
Philips USB ToUCam "frame grabber". More... | |
class | uciDataReader |
Reads data in the form as it is often found in standard data sets: Raw data either just a matrix of doubles with each row a feature vector, or rows containing feature vectors and an id as last element of the row. More... | |
class | uciDataWriter |
Writes data in the form as it is often found in standard data sets: Raw data either just a matrix of doubles with each row a feature vector, or rows containing feature vectors and an id as last element of the row, or raw data with or without ids and a header with the number of points and the dimensionality. More... | |
class | binaryStreamHandler |
Binary stream handler. More... | |
class | ioHandler |
Input/output handlers. More... | |
class | ioObject |
basic input/output class for data objects More... | |
class | lispStreamHandler |
The lispStreamHandler class offer an interface for the functor parameters and other classes to read() and write() them in a LISP-like format. More... | |
class | absoluteValue |
AbsoluteValue functor class. More... | |
class | addScalar |
addScalar functor class. More... | |
class | symmetricEdgeTraits |
Basic class for symmetric edges. More... | |
class | asymmetricEdgeTraits |
Basic class for asymmetric edges. More... | |
class | adjacencyGraphVoidWeightFunction |
Dummy weigh functor that returns the default weight type. More... | |
class | adjacencyGraph |
Adjacency Graph. More... | |
class | arctanLUT |
Following class provides a mono-state object that contains a 1MB Look-up Table to accelerate the computation of the arc-tangens. More... | |
class | array |
Array class. More... | |
class | backSubstitution |
Backsubstitution. More... | |
class | bhattacharyyaDistance |
Computes the bhattacharyya distance of two distributions. More... | |
class | binomialDistribution |
This functor implements the binomial distribution. More... | |
class | boundsFunctor |
Boudaries of a hyperbox enclosing all points of a n-dimensional space. More... | |
class | chiSquareFunctor |
chiSquareFunctor calculates the chiSquareValue indicating the likelihood, that the considerd elements are drawn from a gaussian normal distribution. More... | |
class | choleskyDecomposition |
This functor calculates the Cholesky decomposition of a symmetric, positive-definite matrix A. More... | |
class | complex |
Class to represent and manipulate complex numbers. More... | |
class | constants |
This class is a container of some mathematical and physical constants. More... | |
class | continuousRandomDistribution |
Base random number class. More... | |
class | coordinateTransformation |
This class transforms the coordinates of a 3D point between two coordinate systems. More... | |
class | cosinus2Similarity |
Quadratic Cosinus Similarity. More... | |
class | cubicSpline |
This functor implements a cubic spline interpolation for tabulated functions. More... | |
class | cyclicTridiagonalEquationSystem |
Solves a special kind of linear equation system, where only the main diagonal and the first lower and upper sub-diagonals and the two "other corners" (top right and bottom left) of the matrix are non-zero. More... | |
class | delaunayTriangulation |
This class performs a delaunay triangulation on a given std::vector<tpoint<T> >. More... | |
class | discreteRandomDistribution |
Base random number class. More... | |
class | DistanceFromPixel |
This class derives the 3D position of an object from a 2D image point. More... | |
class | distanceFunctor |
This class is the base class for all functors which compute distances between two vectors or matrices as well as norms of vectors and matrices. More... | |
class | dynamicMatrix |
This template class allows the use of matrices which change its dimensions without losing any data. More... | |
class | earthMoversDistance |
The Earth Mover's Distance (EMD) is a robust distance measure between two distributions. More... | |
class | eigenSystem |
eigenSystem functor. More... | |
class | jacobi |
jacobi functor. More... | |
class | entropyFunctor |
Functor which computes entropy for vectors and matrices. More... | |
class | equallySpacedSamplesInterpolator |
This abstract class parents all interpolation functors, whose samples have equal distances to each other (per dimension). More... | |
class | linearEquationSystemSolutionMethod |
Abstract base class for all lti linear equation system solution functors to solve Ax=b. More... | |
class | decompositionSolution |
Abstract base class for all lti linear equation system solution functors using matrix decomposition to solve Ax=b. More... | |
class | qrSolution |
QR solution functor. More... | |
class | luSolution |
LU solution functor. More... | |
class | euclideanSimilarity |
Euclidean Similarity Measure. More... | |
class | exponentialDistribution |
Exponentially distributed random number class. More... | |
class | fastICA |
This class implements a fast fixed point algorithm for the Independent Component Analysis (ICA). More... | |
class | tfastLine |
Type for computations with lines. More... | |
class | forwardSubstitution |
Forward substitution. More... | |
class | functionGenerator |
functionGenerator parses input strings representing mathematical functions of the type and . More... | |
class | gammaDistribution |
Gamma distributed random number class. More... | |
class | gaussianDistribution |
Normal distributed random number class. More... | |
class | gaussian |
This function evaluates a multivariate gaussian with the form:
. More... | |
class | gaussianMixtureModel |
Functor which estimates a gaussian mixture model of a given data set. More... | |
class | generalizedEigenSystem |
Computes all the eigenvalues, and optionally, the eigenvectors of a real generalized symmetric-definite eigenproblem, of the form A*x=(lambda)*B*x. More... | |
class | genericMatrix |
GenericMatrix container class. More... | |
class | genericVector |
Vector container class. More... | |
class | hiddenMarkovModel |
Hidden Markov Model (HMM) class. More... | |
class | thistogram |
Histogram template class. More... | |
class | histogram1D |
one dimensional histogram of type double More... | |
class | histogram2D |
two dimensional histogram of type double More... | |
class | hmmTrainer |
Hidden Markov Model (HMM) trainer. More... | |
class | hmmViterbiPathSearch |
This class finds and evaluates the best path through a Hidden Markov Model (HMM) for a given observation sequence . More... | |
class | interpolator |
This abstract class parents all interpolation functors. More... | |
class | iteratingFunctor |
Base class for all iterating functors. More... | |
class | kdTree |
A class for k-d tree. More... | |
class | kernelPCA |
Functor for computing a kernel principal component analysis. More... | |
class | l1Distantor |
Policy class used by several classifiers/trees to measure the distance between two points of type T. More... | |
class | l1Distance |
This member accumulates in the given accumulator, the given element. More... | |
class | l2SquareDistantor |
Policy class used by several classifiers/trees to measure the square of the euclidian distance between two points of type T. More... | |
class | l2Distantor |
This member accumulates in the given accumulator, the given element. More... | |
class | l2Distance |
This member accumulates in the given accumulator, the given element. More... | |
class | tline |
Type for computations with lines. More... | |
class | linearAlgebraFunctor |
Base class for all lti linear algebra functors. More... | |
class | scalarProduct |
Dot Product of two vectors. More... | |
class | linearMapperFunctor |
This functor maps a vector space of type Tin into another vector space of type Tout. More... | |
class | linearMixer |
Implements a mixing operator for vectors and matrices. More... | |
class | linearRegression |
The linear regression algorithm estimates a linear relation between two vector spaces. More... | |
class | linearSatMapperFunctor |
This functor maps a vector space of type Tin into another vector space of type Tout. More... | |
class | logarithm |
logarithm functor class. More... | |
class | mahalanobisDistance |
This class computes the mahalanobis distance. More... | |
class | mapperFunctor |
This class maps a vector in a n-dimensional space into another vector in a m-dimensional space. More... | |
class | maskFunctor |
The mask functor is a colection of boolean operations used in the processing of mask images or matrices. More... | |
class | maskMultiply |
alias with standard LTI-Lib interface for mask-multiply member of the maskFunctor More... | |
class | maskAlgebraicSum |
alias with standard LTI-Lib interface for mask-algebraicSum member of the maskFunctor More... | |
class | maskOr |
alias with standard LTI-interface for maskOr member of the maskFunctor More... | |
class | maskAnd |
alias with standard LTI-Lib interface for maskAnd member of the maskFunctor More... | |
class | maskNot |
alias with standard LTI-Lib interface for maskNot member of the maskFunctor More... | |
class | maskInvert |
alias with standard LTI-Lib interface for invert member of the maskFunctor More... | |
class | mathFunction |
Abstract class, used as parent for all mathematical parametrical functions, like multi-variate gaussians. More... | |
class | mathObject |
Base object for the math-classes. More... | |
class | matrix |
Mathematical matrix container class. More... | |
class | luDecomposition |
LU decomposition functor. More... | |
class | matrixInversion |
Matrix inversion functor. More... | |
class | meansFunctor |
Functor which computes several kinds of means for vectors and matrices. More... | |
class | minimizeBasis |
minimizeBasis functor. More... | |
class | minimumSpanningTree |
This class computes minimum spanning trees. More... | |
class | minimumSpanningTreeOfKeytype |
Computes a minimum spanning tree. More... | |
class | minimumSpanningTreeOfKeyValuetype |
Computes a minimum spanning tree of a given data set. More... | |
class | multivariateGaussian |
this class generates either one point from a given covarianceMatrix and centre or it generates a given number of points according to these parameters. More... | |
class | multiplyScalar |
Multiply by Scalar functor class. More... | |
class | noise |
Noise class. More... | |
class | principalComponents |
Functor for computing a principal component analysis. More... | |
class | poissonDistribution |
Poisson distributed random number class. More... | |
class | polynomRoots |
Find the roots of a polygon with real coefficients. More... | |
class | priorityQueue |
Simple priority queue data class. More... | |
class | pseudoInverseMP |
This functor calculates the Moore-Penrose Pseudo-Inverse of a matrix. More... | |
class | qrDecomposition |
This functor computes a QRDecomposition of a given rectangular m x n Matrix A of the Form:. More... | |
class | quickMedian |
This class is used to extract the median of the elements of a given vector or matrix. More... | |
class | quickMedian2 |
This class is used to extract the median of the elements of a given vector or matrix, partitioning at the same time a second vector. More... | |
class | quickPartialSort |
Quick partial sort. More... | |
class | quickPartialSort2 |
Quick partial sort with colateral effects. More... | |
class | randomDistribution |
Base random number class. More... | |
class | regularizedPCA |
Almost a functor for computing a principal component analysis. More... | |
class | scalarFunctor |
Base class for all scalar functors. More... | |
class | scalarValuedInterpolation |
This abstract class parents all interpolation functors, which are used to interpolate the values between the pixels or elements of vectors and matrices, espacially images. More... | |
class | scramble |
This class is used to scramble the elements of a given vector or matrix. More... | |
class | sequence |
sequence container class. More... | |
class | serialPCA |
Functor for sequentially computing a principal component analysis. More... | |
class | serialStatsExtFunctor |
Functor which computes several kinds of means for vectors and matrices. More... | |
class | serialStatsFunctor |
Functor which computes several kinds of means for vectors and matrices. More... | |
class | serialVectorStats |
Functor which computes the statistics of a series of vectors. More... | |
class | similarityFunctor |
This class is the base class for all functors which compute similarity measures between two vectors or matrices. More... | |
class | smallObjectList |
smallObjectList template class. More... | |
class | sort |
Sort vectors. More... | |
class | sort2 |
Sort two vectors, using the first one as key. More... | |
class | sortExpensive |
Sorts elements in a list that are computationally expensive to compare. More... | |
class | sparseHistogram |
Simple sparse multidimensional histogram. More... | |
class | sparseMatrix |
SparseMatrix container class. More... | |
class | squareRoot |
squareRoot functor class apply sets each element of the T-object to it's square root. More... | |
class | square |
square functor class. More... | |
class | statisticsFunctor |
This is the base class for all kinds of nice statistics functors. More... | |
class | strassenMultiplication |
Implementation for the addtion forms:. More... | |
class | studentDistribution |
The Student t-test compares the means of two normally distributed samples of sizes n1 and n2, assuming that their unknown variances are equal. More... | |
class | singularValueDecomp |
Singular Value Decomposition. More... | |
class | symmetricMatrixInversion |
Functor for inversion of symmetric, positive definite matrices. More... | |
class | tensor |
Tensor template class. More... | |
class | tree |
Tree container class. More... | |
class | triangularMatrixType |
This is a helper class that defines the enum eTriangularType and has one member triangularType of that type. More... | |
class | tridiagonalEquationSystem |
Solves a special kind of linear equation system, where only the main diagonal and the first lower and upper sub-diagonals are non-zero. More... | |
class | triMatrix |
triMatrix is a very simple class to optimize memory usage when using an square triangular matrix with following form: More... | |
class | unifiedGeneralizedEigenSystem |
This functor is meant to be used for solving any generalized Eigenvalue problem without need to think about the most efficient usage of the available methods. More... | |
class | unifiedSVD |
This functor is meant to be used for calculating the Singular Vector Decomposition without need to think about the most efficient usage of the available methods. More... | |
class | unifiedSymmetricEigenSystem |
This functor is meant to be used for solving any symmetric Eigenvalue problem without need to think about the most efficient usage of the available methods. More... | |
class | uniformDistribution |
Uniform distributed random number class. More... | |
class | validator |
Checks the validity of a matrix or vector with float or double elements. More... | |
class | variablySpacedSamplesInterpolator |
This abstract class parents all interpolation functors, whose samples have varying distances. More... | |
class | varianceFunctor |
Functor which computes several kinds of variances for vectors and matrices. More... | |
class | vector |
Vector container class. More... | |
class | weightedGraph |
Weighted Graph container class. More... | |
class | getStreamFd |
This functor can be used to access the file descriptor that is used within a stream object. More... | |
class | mutex |
lti mutex class More... | |
class | processInfo |
LTI-Lib process info class. More... | |
class | readWriteLock |
lti read-write synchronisation class More... | |
class | semaphore |
lti semaphore class for inter-thread (not inter-process!) synchronisation More... | |
class | serial |
This serial class provides an unified interface to access serial ports in posix and windows operating systems. More... | |
class | thread |
lti thread class. More... | |
class | timer |
The timer allows to measure time with a precision of about 30us on Linux systems and ??? on windows systems. More... | |
class | url |
Class for retrieving documents identified by an URL. More... | |
class | externViewer |
This object shows an image using an external application like kview, xv, mspaint, etc. More... | |
class | colorDialog |
allows to choose a color in the HSI or RGB color space More... | |
class | gtkServer |
Server to administrate gtk GUI. More... | |
class | configGTKDialog |
widget for the statistics dialog More... | |
class | mainGTKWindow |
This class encapsulates all signals and calls of the GTK library. More... | |
class | histogramViewer |
This class display the histograms of images or channels. More... | |
class | hsvHistogramViewer |
A simple HSV histogram viewer. More... | |
class | scene3DViewer |
View a scene3D object. More... | |
class | viewer |
Use objects of this class to display your data in a window. More... | |
class | viewerBase |
Abstract class parent for all viewer objects in the LTI-Lib. More... | |
class | viewerBase3D |
This is the base class for all viewer classes which show 3D data. More... | |
class | viewerFunctor |
This viewerFunctor has as task to prepare an image, that will be visualized in the lti::viewer. More... | |
class | fastEigenSystem |
A fast LAPACK-based method for computation of (some) eigenvector and eigenvalues. More... | |
class | fastGeneralizedEigenSystem |
Computes all the eigenvalues, and optionally, the eigenvectors of a real generalized symmetric-definite eigenproblem, of the form A*x=(lambda)*B*x, A*Bx=(lambda)*x, or B*A*x=(lambda)*x. More... | |
class | fastSVD |
A fast LAPACK-based method for computation of the singular value decomposition SVD. More... | |
class | generalEigenVectors |
Generic eigenvalues and eigenvectors computations. More... | |
class | lapackInterface |
Interface object for LAPACK functions. More... | |
class | linearDiscriminantAnalysis |
Functor for computing a linear discriminant analysis (LDA). More... | |
class | serialLDA |
Functor for iteratively computing a linear discriminant analysis. More... | |
class | locationSearchEvaluation |
Pareto evaluation of the lti::pyramidLocationSearch functor. More... | |
class | paretoFront |
Pareto Front computation with PESA. More... | |
class | dummyFunctor |
A dummy functor that is evaluated with the paretoFront. More... | |
class | paretoFrontTester |
The Pareto Front Tester functor is a simple example of an evaluation framework using the Pareto Front class. More... | |
class | segmentationEvaluation |
Pareto evaluation of segmentation functors. More... | |
Typedefs | |
typedef tbox< int > | box |
typedef tpoint< int > | point |
typedef tpoint< int > | ipoint |
typedef tpoint< unsigned int > | uipoint |
typedef tpoint< double > | dpoint |
typedef tpoint< float > | fpoint |
typedef tpoint3D< int > | point3D |
typedef tpoint3D< int > | ipoint3D |
typedef tpoint3D< float > | fpoint3D |
typedef tpoint3D< double > | dpoint3D |
typedef trectangle< int > | rectangle |
typedef trectangle< int > | irectangle |
typedef trectangle< float > | frectangle |
typedef trectangle< double > | drectangle |
typedef trgbPixel< double > | drgbPixel |
typedef trgbPixel< float > | frgbPixel |
typedef trgbPixel< int > | irgbPixel |
typedef unsigned _LTI_BYTE | ubyte |
typedef signed _LTI_BYTE | byte |
typedef unsigned _LTI_WORD16 | uint16 |
typedef signed _LTI_WORD16 | int16 |
typedef unsigned _LTI_WORD32 | uint32 |
typedef signed _LTI_WORD32 | int32 |
typedef unsigned _LTI_WORD64 | uint64 |
typedef signed _LTI_WORD64 | int64 |
typedef float | sreal |
typedef double | dreal |
typedef hPoint2D< double > | dhPoint2D |
typedef hPoint3D< double > | dhPoint3D |
typedef hMatrix2D< double > | dhMatrix2D |
typedef hMatrix2D< float > | fhMatrix2D |
typedef hMatrix3D< double > | dhMatrix3D |
typedef hMatrix3D< float > | fhMatrix3D |
typedef vector< rgbPixel > | palette |
typedef kernel1D< int > | ikernel1D |
typedef kernel1D< float > | fkernel1D |
typedef kernel1D< double > | dkernel1D |
typedef kernel1D< ubyte > | bkernel1D |
typedef kernel2D< int > | ikernel2D |
typedef kernel2D< float > | fkernel2D |
typedef kernel2D< double > | dkernel2D |
typedef kernel2D< ubyte > | bkernel2D |
typedef sepKernel< int > | isepKernel |
typedef sepKernel< float > | fsepKernel |
typedef sepKernel< double > | dsepKernel |
typedef sepKernel< ubyte > | bsepKernel |
typedef tpointList< int > | pointList |
typedef regionGraphColor < regionGraphColorMeanDistance > | regionGraphColorMeans |
typedef regionGraphColor < regionGraphColorHarisDistance > | regionGraphColorHaris |
typedef regionGraphGray < regionGraphScalarMeanDistance > | regionGraphGrayMeans |
typedef regionGraphGray < regionGraphScalarHarisDistance > | regionGraphGrayHaris |
typedef tfastLine< int > | fastLine |
typedef tfastLine< double > | dfastLine |
typedef tfastLine< float > | ffastLine |
typedef tline< int > | line |
typedef tline< double > | dline |
typedef tline< float > | fline |
typedef matrix< double > | dmatrix |
typedef matrix< float > | fmatrix |
typedef matrix< int > | imatrix |
typedef vector< double > | dvector |
typedef vector< float > | fvector |
typedef vector< int32 > | ivector |
typedef _LTI_F2C_INTEGER | integer |
Enumerations | |
enum | eNormType { L1distance, L2distance } |
enum | eInterpolatorType { NearestNeighborInterpolator, BilinearInterpolator, BiquadraticInterpolator, BicubicInterpolator } |
enum | eKernelType { Default, Asymmetric, Symmetric } |
enum | ePointSetNormalizationType { IsotropicNormalization, NoPointSetNormalization } |
enum | eRobustEstimatorType { RansacEstimator, NoRobustEstimator } |
enum | eTransformEstimatorType { Homography8DofEstimator, Homography9DofEstimator, AffineEstimator, SimilarityEstimator, NoTransformEstimator } |
enum | eBoundaryType { Zero, Mirror, Periodic, Constant, NoBoundary } |
Functions | |
template<class T , class S > | |
bool | read (ioHandler &handler, tbox< T, S > &p, const bool complete=true) |
template<class T , class S > | |
bool | write (ioHandler &handler, const tbox< T, S > &p, const bool complete=true) |
bool | read (ioHandler &handler, cmykColor &p, const bool complete=true) |
bool | write (ioHandler &handler, const cmykColor &p, const bool complete=true) |
bool | write (ioHandler &handler, const functor::parameters &p, const bool complete=true) |
bool | read (ioHandler &handler, functor::parameters &p, const bool complete=true) |
bool | write (ioHandler &handler, const functor &p, const bool complete=true) |
bool | read (ioHandler &handler, functor &p, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, tpoint< T > &p, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const tpoint< T > &p, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, tpoint3D< T > &p, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const tpoint3D< T > &p, const bool complete=true) |
template<class T , class S > | |
bool | read (ioHandler &handler, trectangle< T, S > &p, const bool complete=true) |
template<class T , class S > | |
bool | write (ioHandler &handler, const trectangle< T, S > &p, const bool complete=true) |
bool | read (ioHandler &handler, rgbPixel &p, const bool=true) |
bool | write (ioHandler &handler, const rgbPixel &p, const bool=true) |
template<class T > | |
bool | read (ioHandler &handler, trgbPixel< T > &p, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const trgbPixel< T > &p, const bool complete=true) |
bool | write (ioHandler &handler, const classifier::parameters &p, const bool complete=true) |
bool | read (ioHandler &handler, classifier::parameters &p, const bool complete=true) |
bool | write (ioHandler &handler, const classifier &p, const bool complete=true) |
bool | read (ioHandler &handler, classifier &p, const bool complete=true) |
bool | write (ioHandler &handler, const classifier::outputVector &p, const bool complete=true) |
bool | read (ioHandler &handler, classifier::outputVector &p, const bool complete=true) |
bool | write (ioHandler &handler, const classifier::outputTemplate &p, const bool complete=true) |
bool | read (ioHandler &handler, classifier::outputTemplate &p, const bool complete=true) |
bool | write (ioHandler &handler, const MLP::activationFunctor &p, const bool complete=true) |
bool | read (ioHandler &handler, MLP::activationFunctor &p, const bool complete=true) |
bool | read (ioHandler &handler, bayerDemosaicing::eBayerMethod &data) |
bool | write (ioHandler &handler, const bayerDemosaicing::eBayerMethod &data) |
bool | read (ioHandler &handler, bayerDemosaicing::eBayerPattern &data) |
bool | write (ioHandler &handler, const bayerDemosaicing::eBayerPattern &data) |
bool | write (ioHandler &handler, const blobEM::gaussEllipse &el, const bool complete=true) |
bool | read (ioHandler &handler, blobEM::gaussEllipse &el, const bool complete=true) |
bool | read (ioHandler &handler, chainCode &cc, const bool complete=true) |
bool | write (ioHandler &handler, const chainCode &cc, const bool complete=true) |
bool | write (ioHandler &handler, const draw3D< rgbPixel >::parameters &p, const bool complete=true) |
bool | read (ioHandler &handler, draw3D< rgbPixel >::parameters &p, const bool complete=true) |
bool | read (ioHandler &handler, graphicsPattern &plst, const bool complete=true) |
bool | write (ioHandler &handler, const graphicsPattern &plst, const bool complete=true) |
template<class T , class P > | |
bool | write (ioHandler &handler, const hMatrix< T, P > &mat, const bool complete=true) |
template<class T , class P > | |
bool | read (ioHandler &handler, hMatrix< T, P > &mat, const bool complete=true) |
bool | read (ioHandler &handler, eInterpolatorType &data) |
bool | write (ioHandler &handler, const eInterpolatorType &data) |
bool | read (ioHandler &handler, eKernelType &data) |
bool | write (ioHandler &handler, const eKernelType &data) |
bool | write (ioHandler &handler, const pointDistributionModel &p, const bool complete=true) |
bool | read (ioHandler &handler, pointDistributionModel &p, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, tpointList< T > &plst, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const tpointList< T > &plst, const bool complete=true) |
bool | read (ioHandler &handler, ePointSetNormalizationType &data) |
bool | write (ioHandler &handler, const ePointSetNormalizationType &data) |
bool | read (ioHandler &handler, eRobustEstimatorType &data) |
bool | write (ioHandler &handler, const eRobustEstimatorType &data) |
bool | read (ioHandler &handler, eTransformEstimatorType &data) |
bool | write (ioHandler &handler, const eTransformEstimatorType &data) |
bool | read (ioHandler &handler, fireWireDCAM::eFeatureState &data) |
bool | write (ioHandler &handler, const fireWireDCAM::eFeatureState &data) |
template<class T > | |
bool | write (ioHandler &handler, const std::string &name, const T &data, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, const std::string &name, T &data, const bool complete=true) |
bool | write (ioHandler &handler, const ioObject &p, const bool complete=true) |
bool | read (ioHandler &handler, ioObject &p, const bool complete=true) |
template<class T , class U > | |
bool | read (ioHandler &handler, std::pair< T, U > &data, const bool complete=true) |
template<class T , class U > | |
bool | write (ioHandler &handler, const std::pair< T, U > &data, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, std::list< T > &data, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const std::list< T > &data, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, std::vector< T > &data, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const std::vector< T > &data, const bool complete=true) |
template<class T , class U > | |
bool | read (ioHandler &handler, std::map< T, U > &data, const bool complete=true) |
template<class T , class U > | |
bool | write (ioHandler &handler, const std::map< T, U > &data, const bool complete=true) |
template<class T , class U > | |
bool | read (ioHandler &handler, std::multimap< T, U > &data, const bool complete=true) |
template<class T , class U > | |
bool | write (ioHandler &handler, const std::multimap< T, U > &data, const bool complete=true) |
bool | read (ioHandler &handler, eBoundaryType &data) |
bool | write (ioHandler &handler, const eBoundaryType &data) |
template<class T > | |
bool | read (ioHandler &handler, tfastLine< T > &l, const bool complete=true) |
template<class T > | |
bool | intersection (const tpoint< T > &p1, const tpoint< T > &p2, const tpoint< T > &p3, const tpoint< T > &p4, tpoint< T > &p) |
template<class T > | |
bool | intersection (const tpoint< T > &p1, const tpoint< T > &p2, const tpoint< T > &p3, const tpoint< T > &p4) |
template<class T > | |
T | minDistanceSqr (const tpoint< T > &p1, const tpoint< T > &p2, const tpoint< T > &p3, tpoint< T > &p) |
template<class T > | |
T | minDistanceSqr (const tpoint< T > &p1, const tpoint< T > &p2, const tpoint< T > &p3) |
template<class T > | |
T | minDistanceSqr (const tpoint< T > &p1, const tpoint< T > &p2, const tpoint< T > &p3, const tpoint< T > &p4, tpoint< T > &pa, tpoint< T > &pb) |
template<class T > | |
int | clockwiseTurn (const tpoint< T > &p0, const tpoint< T > &p1, const tpoint< T > &p2) |
bool | write (ioHandler &handler, const hiddenMarkovModel::singleDensity &p, const bool complete=true) |
bool | read (ioHandler &handler, hiddenMarkovModel::singleDensity &p, const bool complete=true) |
bool | write (ioHandler &handler, const hiddenMarkovModel &p, const bool complete=true) |
bool | read (ioHandler &handler, hiddenMarkovModel &p, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, thistogram< T > &hist, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const thistogram< T > &hist, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, tline< T > &l, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const tline< T > &l, const bool complete=true) |
template<class T > | |
bool | closeTo (const T &a, const T &b, const T epsilon=std::numeric_limits< T >::epsilon()) |
template<class T > | |
bool | closeToZero (const T &a, const T epsilon=std::numeric_limits< T >::epsilon()) |
template<class T > | |
T | round (T x) |
template<class T > | |
int | iround (T x) |
template<class T > | |
long | lround (T x) |
template<class T , class F > | |
void | condRoundCastTo (const F from, T &to) |
template<class T > | |
void | exchange (T &a, T &b) |
template<class T > | |
T | min (const T x, const T y) |
template<class T > | |
T | max (const T x, const T y) |
template<class T > | |
T | min (const T x, const T y, const T z) |
template<class T > | |
T | max (const T x, const T y, const T z) |
template<class T > | |
void | minmax (const T x, const T y, T &theMin, T &theMax) |
template<class T > | |
void | minmax (T &theMin, T &theMax) |
template<class T > | |
T | lnGamma (const T &x) |
double | factorial (const int x) |
double | lnFactorial (const int x) |
double | binomial (const int n, const int k) |
double | degToRad (const double °) |
float | degToRad (const float °) |
double | degToRad (const int °) |
double | radToDeg (const double &rad) |
float | radToDeg (const float &rad) |
byte | abs (byte x) |
int | abs (int x) |
float | abs (float x) |
double | abs (const double &x) |
template<class T > | |
T | absdiff (const T &x, const T &y) |
double | reciprocal (const double &x) |
float | reciprocal (const float &x) |
double | oneMinus (const double &x) |
float | oneMinus (const float &x) |
int | oneMinus (const int &x) |
template<class T > | |
T | rectify (const T &x) |
template<class T > | |
T | sqr (const T &x) |
int | sqrt (int x) |
unsigned int | sqrt (unsigned int x) |
float | sqrt (float x) |
double | sqrt (const double &x) |
template<class T > | |
T | sqrtrect (const T x) |
template<class T > | |
void | sincos (T angle, T &sval, T &cval) |
float | sigmoid (const float x) |
double | sigmoid (const double &x) |
double | sigmoid (const int x) |
template<class T > | |
T | signum (T x) |
template<class T > | |
T | signum0 (T x) |
template<class T > | |
bool | even (const T x) |
template<class T > | |
bool | odd (const T x) |
template<class T > | |
T | betai (const T &a, const T &b, const T &x) |
double | betacf (const double &a, const double &b, const double &x) |
bool | write (ioHandler &handler, const mathObject &mo, const bool complete=true) |
bool | read (ioHandler &handler, mathObject &mo, const bool complete=true) |
void | sincos_impl (double angle, double &sval, double &cval) |
void | sincosf_impl (float angle, float &sval, float &cval) |
void | passiveWait (const int &usTime) |
bool | write (ioHandler &handler, const viewerBase::parameters &p, const bool complete=true) |
bool | read (ioHandler &handler, viewerBase::parameters &p, const bool complete=true) |
Color Constants. | |
These color constants are defined in the file ltiColors.h. The six primary and secondary colors are defined in ltiTypes.h (which is also included in ltiColors.h!) Note that the color names are all own creations, they are not correlated to any official naming standards at all. | |
static const rgbColor | DarkRed (127, 0, 0) |
static const rgbColor | DarkGreen (0, 127, 0) |
static const rgbColor | DarkBlue (0, 0, 127) |
static const rgbColor | DarkYellow (127, 127, 0) |
static const rgbColor | DarkCyan (0, 127, 127) |
static const rgbColor | DarkMagenta (127, 0, 127) |
static const rgbColor | BrightGreen (0, 255, 127) |
static const rgbColor | BrightBlue (0, 127, 255) |
static const rgbColor | BrightRed (255, 127, 64) |
static const rgbColor | BrightMagenta (255, 127, 255) |
static const rgbColor | BrightYellow (255, 255, 127) |
static const rgbColor | BrightCyan (127, 255, 255) |
static const rgbColor | DarkOrange (192, 64, 0) |
static const rgbColor | Fusia (255, 0, 127) |
static const rgbColor | Pink (255, 127, 127) |
static const rgbColor | LawnGreen (127, 255, 0) |
static const rgbColor | Lemon (127, 255, 127) |
static const rgbColor | LightBlue (0, 127, 255) |
static const rgbColor | DarkViolet (127, 0, 255) |
static const rgbColor | Violet (127, 127, 255) |
rgbColor | scale (const rgbColor &src, double f) |
rgbColor | darker (const rgbColor &src, double f=0.5) |
rgbColor | brighter (const rgbColor &src, double f=0.5) |
rgbColor | grey (int t) |
rgbColor | gray (int t) |
rgbColor | grey (double t) |
rgbColor | gray (double t) |
static const rgbColor | Grey100 (255, 255, 255) |
static const rgbColor | Grey75 (191, 191, 191) |
static const rgbColor | Grey50 (127, 127, 127) |
static const rgbColor | Grey25 (63, 63, 63) |
static const rgbColor | Grey0 (0, 0, 0) |
Constants for the primary and secondary colors, as well as | |
const rgbPixel | Black (0, 0, 0, 0) |
const rgbPixel | Red (255, 0, 0, 0) |
const rgbPixel | Green (0, 255, 0, 0) |
const rgbPixel | Blue (0, 0, 255, 0) |
const rgbPixel | Yellow (255, 255, 0, 0) |
const rgbPixel | Magenta (255, 0, 255, 0) |
const rgbPixel | Cyan (0, 255, 255, 0) |
const rgbPixel | White (255, 255, 255, 0) |
Storable interface for classifiere classes | |
bool | read (ioHandler &handler, stdLayer &p, const bool complete=true) |
bool | write (ioHandler &handler, const stdLayer &p, const bool complete=true) |
Storable interface for points | |
template<class T > | |
bool | read (ioHandler &handler, hPoint2D< T > &p, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const hPoint2D< T > &p, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, hPoint3D< T > &p, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const hPoint3D< T > &p, const bool complete=true) |
bool | read (ioHandler &handler, std::string &data) |
bool | read (ioHandler &handler, double &data) |
bool | read (ioHandler &handler, float &data) |
bool | read (ioHandler &handler, int &data) |
bool | read (ioHandler &handler, unsigned int &data) |
bool | read (ioHandler &handler, char &data) |
bool | read (ioHandler &handler, byte &data) |
bool | read (ioHandler &handler, ubyte &data) |
bool | read (ioHandler &handler, bool &data) |
bool | read (ioHandler &handler, long &data) |
bool | read (ioHandler &handler, unsigned long &data) |
bool | read (ioHandler &handler, short &data) |
bool | read (ioHandler &handler, unsigned short &data) |
bool | write (ioHandler &handler, const std::string &data) |
bool | write (ioHandler &handler, const char *data) |
bool | write (ioHandler &handler, const double &data) |
bool | write (ioHandler &handler, const float &data) |
bool | write (ioHandler &handler, const int &data) |
bool | write (ioHandler &handler, const unsigned int &data) |
bool | write (ioHandler &handler, const char &data) |
bool | write (ioHandler &handler, const byte &data) |
bool | write (ioHandler &handler, const ubyte &data) |
bool | write (ioHandler &handler, const bool &data) |
bool | write (ioHandler &handler, const long &data) |
bool | write (ioHandler &handler, const unsigned long &data) |
bool | write (ioHandler &handler, const short &data) |
bool | write (ioHandler &handler, const unsigned short &data) |
operators for complex numbers | |
template<typename T > | |
complex< T > | operator+ (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator+ (const complex< T > &a, const T &b) |
template<typename T > | |
complex< T > | operator+ (const T &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator- (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator- (const complex< T > &a, const T &b) |
template<typename T > | |
complex< T > | operator- (const T &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator* (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator* (const complex< T > &a, const T &b) |
template<typename T > | |
complex< T > | operator* (const T &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator/ (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator/ (const complex< T > &a, const T &b) |
template<typename T > | |
complex< T > | operator/ (const T &a, const complex< T > &b) |
template<typename T > | |
complex< T > | operator+ (const complex< T > &a) |
template<typename T > | |
complex< T > | operator- (const complex< T > &a) |
template<typename T > | |
bool | operator== (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
bool | operator== (const complex< T > &a, const T &b) |
template<typename T > | |
bool | operator== (const T &a, const complex< T > &b) |
template<typename T > | |
bool | operator!= (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
bool | operator!= (const complex< T > &a, const T &b) |
template<typename T > | |
bool | operator!= (const T &a, const complex< T > &b) |
template<typename T > | |
bool | operator< (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
bool | operator< (const complex< T > &a, const T &b) |
template<typename T > | |
bool | operator< (const T &a, const complex< T > &b) |
template<typename T > | |
bool | operator> (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
bool | operator> (const complex< T > &a, const T &b) |
template<typename T > | |
bool | operator> (const T &a, const complex< T > &b) |
template<typename T > | |
T | real (const complex< T > &cn) |
template<typename T > | |
T | imag (const complex< T > &cn) |
template<typename T > | |
T | abs (const complex< T > &cn) |
template<typename T > | |
T | arg (const complex< T > &cn) |
template<typename T > | |
T | norm (const complex< T > &cn) |
template<typename T > | |
complex< T > | polar (const T &radius, const T &angle) |
template<typename T > | |
complex< T > | conj (const complex< T > &cn) |
template<typename T > | |
complex< T > | cos (const complex< T > &cn) |
template<typename T > | |
complex< T > | cosh (const complex< T > &cn) |
template<typename T > | |
complex< T > | acos (const complex< T > &cn) |
template<typename T > | |
complex< T > | exp (const complex< T > &cn) |
template<typename T > | |
complex< T > | log (const complex< T > &cn) |
template<typename T > | |
complex< T > | log10 (const complex< T > &cn) |
template<typename T > | |
complex< T > | sin (const complex< T > &cn) |
template<typename T > | |
complex< T > | sinh (const complex< T > &cn) |
template<typename T > | |
complex< T > | asin (const complex< T > &cn) |
template<typename T > | |
complex< T > | sqrt (const complex< T > &cn) |
template<typename T > | |
complex< T > | cbrt (const complex< T > &cn) |
template<typename T > | |
complex< T > | cubeRoot (const complex< T > &cn) |
template<typename T > | |
complex< T > | tan (const complex< T > &cn) |
template<typename T > | |
complex< T > | tanh (const complex< T > &cn) |
template<typename T > | |
complex< T > | atan (const complex< T > &cn) |
template<typename T > | |
complex< T > | pow (const complex< T > &a, const T &b) |
template<typename T > | |
complex< T > | pow (const complex< T > &a, const complex< T > &b) |
template<typename T > | |
complex< T > | pow (const T &a, const complex< T > &b) |
template<typename T > | |
bool | read (ioHandler &handler, complex< T > &p, const bool complete=true) |
template<typename T > | |
bool | write (ioHandler &handler, const complex< T > &p, const bool complete=true) |
City Block Distances Functions. | |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const vector< T > &a, const vector< T > &b) |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const matrix< T > &a, const matrix< T > &b) |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const std::vector< T > &a, const std::vector< T > &b) |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const tpoint< T > &a, const tpoint< T > &b) |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const tpoint3D< T > &a, const tpoint3D< T > &b) |
template<class T > | |
distanceType< T >::distance_type | cityBlockDistance (const trgbPixel< T > &a, const trgbPixel< T > &b) |
distanceType< rgbPixel > ::distance_type | cityBlockDistance (const rgbPixel &a, const rgbPixel &b) |
Square of Euclidian Distances Functions. | |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const vector< T > &a, const vector< T > &b) |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const matrix< T > &a, const matrix< T > &b) |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const std::vector< T > &a, const std::vector< T > &b) |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const tpoint< T > &a, const tpoint< T > &b) |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const tpoint3D< T > &a, const tpoint3D< T > &b) |
template<class T > | |
distanceType< T > ::square_distance_type | distanceSqr (const trgbPixel< T > &a, const trgbPixel< T > &b) |
distanceType< rgbPixel > ::square_distance_type | distanceSqr (const rgbPixel &a, const rgbPixel &b) |
Storable interface | |
template<class T > | |
bool | read (ioHandler &handler, sequence< T > &seq, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const sequence< T > &seq, const bool complete=true) |
template<class T > | |
bool | read (ioHandler &handler, tensor< T > &hist, const bool complete=true) |
template<class T > | |
bool | write (ioHandler &handler, const tensor< T > &hist, const bool complete=true) |
Variables | |
const palette | emptyPalette |
const double | Pi = 3.1415926535897932 |
const double | NaN = log(-1.0) |
const double | Inf = tan(Pi/2.0) |
namespace lti
typedef kernel1D<ubyte> lti::bkernel1D |
one dimensional kernel of unsigned bytes
typedef kernel2D<ubyte> lti::bkernel2D |
two dimensional kernel of bkernel
typedef sepKernel<ubyte> lti::bsepKernel |
separable kernel of unsigned bytes
typedef signed _LTI_BYTE lti::byte |
8-bit signed type (-128..127)
typedef tfastLine<double> lti::dfastLine |
A line with double coordinates.
typedef hMatrix2D<double> lti::dhMatrix2D |
homogeneous transformation matrix for 2D homogeneous points of type double
typedef hMatrix3D<double> lti::dhMatrix3D |
homogeneous transformation matrix for 3D homogeneous points of type double
typedef hPoint2D<double> lti::dhPoint2D |
A point with double coordinates.
typedef hPoint3D<double> lti::dhPoint3D |
A point with double coordinates.
typedef kernel1D<double> lti::dkernel1D |
one dimensional kernel of doubles
typedef kernel2D<double> lti::dkernel2D |
two dimensional kernel of doubles
typedef tline<double> lti::dline |
A line with double coordinates.
typedef matrix<double> lti::dmatrix |
Matrix of double.
typedef tpoint<double> lti::dpoint |
A point with double coordinates.
typedef tpoint3D<double> lti::dpoint3D |
A three dimensional point with double coordinates.
typedef double lti::dreal |
64-bit floating point type
typedef trectangle<double> lti::drectangle |
A rectangle with double coordinates.
typedef trgbPixel<double> lti::drgbPixel |
alias for trbgPixel<double>
typedef sepKernel<double> lti::dsepKernel |
separable kernel of doubles
typedef vector<double> lti::dvector |
Vector of double.
typedef tfastLine<int> lti::fastLine |
A line with integer coordinates.
typedef tfastLine<float> lti::ffastLine |
A line with float coordinates.
typedef hMatrix2D<float> lti::fhMatrix2D |
homogeneous transformation matrix for 2D homogeneous points of type float
typedef hMatrix3D<float> lti::fhMatrix3D |
homogeneous transformation matrix for 3D homogeneous points of type float
typedef kernel1D<float> lti::fkernel1D |
one dimensional kernel of floats
typedef kernel2D<float> lti::fkernel2D |
two dimensional kernel of floats
typedef tline<float> lti::fline |
A line with float coordinates.
typedef matrix<float> lti::fmatrix |
Matrix of float.
typedef tpoint<float> lti::fpoint |
A point with float coordinates.
typedef tpoint3D<float> lti::fpoint3D |
A three dimensional point with integer coordinates.
typedef trectangle<float> lti::frectangle |
A rectangle with float coordinates.
typedef trgbPixel<float> lti::frgbPixel |
alias for trgbPixel<float>
typedef sepKernel<float> lti::fsepKernel |
separable kernel of floats
typedef vector<float> lti::fvector |
Vector of float.
typedef kernel1D<int> lti::ikernel1D |
one dimensional kernel of integers
typedef kernel2D<int> lti::ikernel2D |
two dimensional kernel of integers
typedef matrix<int> lti::imatrix |
Matrix of integer.
typedef signed _LTI_WORD16 lti::int16 |
16-bit signed type (-32768..32767)
typedef signed _LTI_WORD32 lti::int32 |
32-bit signed type (-(2^31).
.(2^31-1))
typedef signed _LTI_WORD64 lti::int64 |
64-bit signed type (-(2^63).
.(2^63-1))
typedef _LTI_F2C_INTEGER lti::integer |
Type of the interger type used in f2c.h.
Use this type for all integer types connected with LAPACK except error codes.
typedef tpoint<int> lti::ipoint |
A point with integer coordinates.
typedef tpoint3D<int> lti::ipoint3D |
A three dimensional point with integer coordinates.
typedef trectangle<int> lti::irectangle |
A rectangle with integer coordinates.
typedef trgbPixel<int> lti::irgbPixel |
alias for trgbPixel<int>
typedef sepKernel<int> lti::isepKernel |
separable kernel of integers
typedef vector<int32> lti::ivector |
Vector of integer.
typedef vector<rgbPixel> lti::palette |
Vector of rgbPixel: used as a color palette.
typedef tpoint<int> lti::point |
A point with integer coordinates.
typedef tpoint3D<int> lti::point3D |
A three dimensional point with integer coordinates.
typedef tpointList<int> lti::pointList |
pointList is a list of points with integer coordinates
typedef trectangle<int> lti::rectangle |
A rectangle with integer coordinates.
Alias for graph representation with weighted mean value distances.
Alias for graph representation with plain mean value distances.
Alias for graph representation with weighted mean value distances.
Alias for graph representation with plain mean value distances.
typedef float lti::sreal |
32-bit floating point type
typedef unsigned _LTI_BYTE lti::ubyte |
8-bit unsigned type (0..255)
typedef unsigned _LTI_WORD16 lti::uint16 |
16-bit unsigned type (0..65535)
typedef unsigned _LTI_WORD32 lti::uint32 |
32-bit unsigned type (0.
.(2^32)-1)
typedef unsigned _LTI_WORD64 lti::uint64 |
64-bit unsigned type (0.
.(2^64)-1)
typedef tpoint<unsigned int> lti::uipoint |
A point with unsigned integer coordinates.
enum lti::eBoundaryType |
boundary condition type.
This type indicates how to consider/interpret the boundaries of an image.
For this type the methods read(ioHandler&, eBoundaryType&) and write(ioHandler&, const eBoundaryType&) are implemented. Note that template functions read(ioHandler&, const std::string&, T&) and write(ioHandler&, const std::string&, const T&) exist. (see Developer's Guide for further information).
Zero |
The boundary does not exist (only 0-value). |
Mirror |
The signal/image/vector is mirrored. |
Periodic |
A periodic continuation of the signal is assumed. |
Constant |
The last value of the border will be assumed. |
NoBoundary |
The boundary will be ignored. The effect is an unitialized border in those parts of the vector, matrix or image, where a complete filter kernel cannot be applied due to its size. Please note that the border will be left UNinitialized. It is up to you to set some value at these border, which will have a maximum height or width of the size of the filter kernel minus one. The reason for this option to exist is that some algorithms will ignore this border anyway and all other border types will spend some time calculating it |
Interpolation Type.
This type is used to indicate how sub-pixel position should be computed.
enum lti::eKernelType |
kernel type.
This type indicates what kind of symmetry a kernel owns.
For this type the methods read(ioHandler&, eKernelType&) and write(ioHandler&, const eKernelType&) are implemented. Note that template functions read(ioHandler&, const std::string&, T&) and write(ioHandler&, const std::string&, const T&) exist. (see Developer's Guide for further information).
enum lti::eNormType |
used for flags indicating usage of L1 or L2 norm for propagation
L1distance |
L1-norm (sum of the absolut values) |
L2distance |
L2-norm (square root of the sum of the squares) |
PointSet Normalization Type.
This type is used to indicate how point sets shall be normalized or if they are normalized at all.
IsotropicNormalization |
pointSetNormalization in an isotropic manner |
NoPointSetNormalization |
no pointSetNormalization specified |
Robust Estimator Type.
RansacEstimator |
robustEstimator with RANSAC |
NoRobustEstimator |
no robustEstimator specified |
Transform Estimator Type.
This type is used to indicate which transform shall be estimated.
Homography8DofEstimator |
transformEstimator for homography with 8 DOF |
Homography9DofEstimator |
transformEstimator for homography with 9 DOF |
AffineEstimator |
transformEstimator for affine transformations |
SimilarityEstimator |
transformEstimator for similarity transformations |
NoTransformEstimator |
no transformEstimator specified |
T lti::abs | ( | const complex< T > & | cn | ) | [inline] |
get the absolute value of a complex number
References lti::complex< T >::imag(), max(), lti::complex< T >::real(), and sqrt().
Referenced by abs(), lti::l1Distantor< T, D >::accumulate(), cbrt(), cityBlockDistance(), lti::l2Distantor< T, D >::component(), lti::l1Distantor< T, D >::component(), lti::trectangle< T >::getArea(), lti::tline< T >::getIntersectionPoint(), lti::tline< T >::getIntersectionPointXPol(), lti::tbox< T, S >::getVolume(), log(), lti::draw3D< T >::parameters::setCamera(), lti::trectangle< T >::setCenter(), lti::tbox< T, S >::setCenter(), lti::regionGrowing::similar(), and sqrt().
complex<T> lti::acos | ( | const complex< T > & | cn | ) | [inline] |
add two complex numbers
References lti::complex< T >::imag(), log(), lti::complex< T >::real(), and sqrt().
Referenced by lti::draw3D< T >::parameters::setCamera().
T lti::arg | ( | const complex< T > & | cn | ) | [inline] |
get the argument (angle or phase) of a complex number
References lti::complex< T >::imag(), and lti::complex< T >::real().
complex<T> lti::asin | ( | const complex< T > & | cn | ) | [inline] |
add two complex numbers
References lti::complex< T >::imag(), log(), lti::complex< T >::real(), and sqrt().
complex<T> lti::atan | ( | const complex< T > & | cn | ) | [inline] |
hyperbolic arc tangent of a complex number
References lti::complex< T >::imag(), log(), and lti::complex< T >::real().
double lti::betacf | ( | const double & | a, | |
const double & | b, | |||
const double & | x | |||
) |
Compute the coefficients required for the incomplete beta function.
Internally we compute with double precision.
const rgbPixel lti::Black | ( | 0 | , | |
0 | , | |||
0 | , | |||
0 | ||||
) |
constant for the color black.
const rgbPixel lti::Blue | ( | 0 | , | |
0 | , | |||
255 | , | |||
0 | ||||
) |
constant for the color blue.
static const rgbColor lti::BrightBlue | ( | 0 | , | |
127 | , | |||
255 | ||||
) | [static] |
constant for a kind of bright green.
static const rgbColor lti::BrightCyan | ( | 127 | , | |
255 | , | |||
255 | ||||
) | [static] |
constant for some kind of bright cyan.
rgbColor lti::brighter | ( | const rgbColor & | src, | |
double | f = 0.5 | |||
) | [inline] |
Function for brightening a color.
src | rgbColor of the original color | |
f | factor which tells how much darker the new color should be. Example: 0.2 means: Make the color 20% brighter. 0 means: leave the original, 1.0 means: make it twice as bright. Warning: Saturation effects might lead to strange results. |
t
. References scale().
static const rgbColor lti::BrightGreen | ( | 0 | , | |
255 | , | |||
127 | ||||
) | [static] |
constant for a kind of bright green.
static const rgbColor lti::BrightMagenta | ( | 255 | , | |
127 | , | |||
255 | ||||
) | [static] |
constant for some kind of bright magenta.
static const rgbColor lti::BrightRed | ( | 255 | , | |
127 | , | |||
64 | ||||
) | [static] |
constant for a kind of bright red.
static const rgbColor lti::BrightYellow | ( | 255 | , | |
255 | , | |||
127 | ||||
) | [static] |
constant for some kind of bright yellow.
complex<T> lti::cbrt | ( | const complex< T > & | cn | ) | [inline] |
distanceType<rgbPixel>::distance_type lti::cityBlockDistance | ( | const rgbPixel & | a, | |
const rgbPixel & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the RGB values a and b in the RGB color space.
References abs(), lti::rgbPixel::getBlue(), lti::rgbPixel::getGreen(), and lti::rgbPixel::getRed().
distanceType<T>::distance_type lti::cityBlockDistance | ( | const trgbPixel< T > & | a, | |
const trgbPixel< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the RGB values a and b in the RGB color space.
References abs(), lti::trgbPixel< T >::getBlue(), lti::trgbPixel< T >::getGreen(), and lti::trgbPixel< T >::getRed().
distanceType<T>::distance_type lti::cityBlockDistance | ( | const tpoint3D< T > & | a, | |
const tpoint3D< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the points a and b.
References abs(), lti::tpoint3D< T >::x, lti::tpoint3D< T >::y, and lti::tpoint3D< T >::z.
distanceType<T>::distance_type lti::cityBlockDistance | ( | const tpoint< T > & | a, | |
const tpoint< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the points a and b.
References abs(), lti::tpoint< T >::x, and lti::tpoint< T >::y.
distanceType<T>::distance_type lti::cityBlockDistance | ( | const std::vector< T > & | a, | |
const std::vector< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the std::vectors a and b.
References abs().
distanceType<T>::distance_type lti::cityBlockDistance | ( | const matrix< T > & | a, | |
const matrix< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the lti::matrix a and b.
References abs(), lti::genericMatrix< T >::begin(), lti::genericMatrix< T >::end(), and lti::genericMatrix< T >::size().
distanceType<T>::distance_type lti::cityBlockDistance | ( | const vector< T > & | a, | |
const vector< T > & | b | |||
) | [inline] |
cityBlockDistance computes the L1 distance between the lti::vectors a and b.
References abs(), lti::genericVector< T >::begin(), lti::genericVector< T >::end(), and lti::genericVector< T >::size().
Referenced by lti::l1Distantor< T, D >::operator()().
void lti::condRoundCastTo | ( | const F | from, | |
T & | to | |||
) | [inline] |
Conditional rounding with cast.
Template function that rounds only if the desired output type is an integer type. Otherwise, just a static cast will be done.
It would be nice to have this in a static_cast or dynamic_cast similar syntax, but, as usuall, Visual C++ do not support ANSI C++ template as it should (the bug that make this imposible is documented as Q240871)
Usage: T a; condRoundCastTo(from,to)
from | original data with type F | |
to | destination data, will contain from rounded if it is of a floating point type and T is an integer type. Otherwise the types will just be casted. |
Referenced by lti::tline< T >::getIntersectionPoint(), lti::tline< T >::getIntersectionPointXPol(), and lti::geometricTransform::transf().
complex<T> lti::conj | ( | const complex< T > & | cn | ) | [inline] |
return the conjugate of the complex number
References lti::complex< T >::imag(), and lti::complex< T >::real().
complex<T> lti::cos | ( | const complex< T > & | cn | ) | [inline] |
complex<T> lti::cosh | ( | const complex< T > & | cn | ) | [inline] |
hyperbolic cosine of a complex number
References cos(), lti::complex< T >::imag(), lti::complex< T >::real(), sin(), and sinh().
complex<T> lti::cubeRoot | ( | const complex< T > & | cn | ) | [inline] |
const rgbPixel lti::Cyan | ( | 0 | , | |
255 | , | |||
255 | , | |||
0 | ||||
) |
constant for the color cyan.
static const rgbColor lti::DarkBlue | ( | 0 | , | |
0 | , | |||
127 | ||||
) | [static] |
Constant for dark blue.
static const rgbColor lti::DarkCyan | ( | 0 | , | |
127 | , | |||
127 | ||||
) | [static] |
constant for some kind of dark cyan.
rgbColor lti::darker | ( | const rgbColor & | src, | |
double | f = 0.5 | |||
) | [inline] |
Function for darkening a color.
src | rgbColor of the original color | |
f | factor which tells how much darker the new color should be. Example: 0.2 means: Make the color 20% darker. 0 means: leave the original, 1.0 means: make it black |
t
. References scale().
static const rgbColor lti::DarkGreen | ( | 0 | , | |
127 | , | |||
0 | ||||
) | [static] |
Constant for dark green.
static const rgbColor lti::DarkMagenta | ( | 127 | , | |
0 | , | |||
127 | ||||
) | [static] |
constant for some kind of dark magenta.
static const rgbColor lti::DarkOrange | ( | 192 | , | |
64 | , | |||
0 | ||||
) | [static] |
constant for the color orange.
static const rgbColor lti::DarkRed | ( | 127 | , | |
0 | , | |||
0 | ||||
) | [static] |
Constant for dark red.
static const rgbColor lti::DarkViolet | ( | 127 | , | |
0 | , | |||
255 | ||||
) | [static] |
constant for a light blue.
static const rgbColor lti::DarkYellow | ( | 127 | , | |
127 | , | |||
0 | ||||
) | [static] |
constant for the color dark yellow
double lti::degToRad | ( | const int & | deg | ) | [inline] |
Convert the given angle in degrees to an angle in radians.
References Pi.
float lti::degToRad | ( | const float & | deg | ) | [inline] |
Convert the given angle in degrees to an angle in radians.
References Pi.
double lti::degToRad | ( | const double & | deg | ) | [inline] |
Convert the given angle in degrees to an angle in radians.
References Pi.
distanceType<rgbPixel>::square_distance_type lti::distanceSqr | ( | const rgbPixel & | a, | |
const rgbPixel & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the RGB values a and b in the RGB color space.
References lti::rgbPixel::distanceSqr().
distanceType<T>::square_distance_type lti::distanceSqr | ( | const trgbPixel< T > & | a, | |
const trgbPixel< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the RGB values a and b in the RGB color space.
References lti::trgbPixel< T >::distanceSqr().
distanceType<T>::square_distance_type lti::distanceSqr | ( | const tpoint3D< T > & | a, | |
const tpoint3D< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the points a and b.
References lti::tpoint3D< T >::distanceSqr().
distanceType<T>::square_distance_type lti::distanceSqr | ( | const tpoint< T > & | a, | |
const tpoint< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the points a and b.
References lti::tpoint< T >::distanceSqr().
distanceType<T>::square_distance_type lti::distanceSqr | ( | const std::vector< T > & | a, | |
const std::vector< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the std::vectors a and b.
distanceType<T>::square_distance_type lti::distanceSqr | ( | const matrix< T > & | a, | |
const matrix< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the lti::matrix a and b.
References lti::genericMatrix< T >::begin(), lti::genericMatrix< T >::end(), and lti::genericMatrix< T >::size().
distanceType<T>::square_distance_type lti::distanceSqr | ( | const vector< T > & | a, | |
const vector< T > & | b | |||
) | [inline] |
distanceSqr computes the square of the euclidian distance between the lti::vectors a and b.
References lti::genericVector< T >::begin(), lti::genericVector< T >::end(), and lti::genericVector< T >::size().
Referenced by lti::l2Distantor< T, D >::operator()(), and lti::l2SquareDistantor< rgbPixel >::operator()().
complex<T> lti::exp | ( | const complex< T > & | cn | ) | [inline] |
exponetial of a complex number
References lti::complex< T >::imag(), polar(), and lti::complex< T >::real().
Referenced by lti::MLP::sigmoidFunctor::apply(), lti::MLP::sigmoidFunctor::deriv(), pow(), and sigmoid().
static const rgbColor lti::Fusia | ( | 255 | , | |
0 | , | |||
127 | ||||
) | [static] |
constant for the color fusia.
rgbColor lti::gray | ( | double | t | ) | [inline] |
function for returning a gray value.
t | grey value must be between 0 and 1 |
t*255
. rgbColor lti::gray | ( | int | t | ) | [inline] |
function for returning a gray value.
t | grey value must be between 0 and 255 |
t
. const rgbPixel lti::Green | ( | 0 | , | |
255 | , | |||
0 | , | |||
0 | ||||
) |
constant for the color green.
rgbColor lti::grey | ( | double | t | ) | [inline] |
function for returning a grey value.
t | grey value must be between 0 and 1 |
t*255
. rgbColor lti::grey | ( | int | t | ) | [inline] |
function for returning a grey value.
t | grey value must be between 0 and 255 |
t
. static const rgbColor lti::Grey0 | ( | 0 | , | |
0 | , | |||
0 | ||||
) | [static] |
Definition for a 0% bright grey, i.e.
Black
static const rgbColor lti::Grey100 | ( | 255 | , | |
255 | , | |||
255 | ||||
) | [static] |
Definition for a 100% bright grey, i.e.
White
static const rgbColor lti::Grey25 | ( | 63 | , | |
63 | , | |||
63 | ||||
) | [static] |
Definition for a 25% bright grey, i.e.
dark grey
static const rgbColor lti::Grey50 | ( | 127 | , | |
127 | , | |||
127 | ||||
) | [static] |
Definition for a 50% bright grey, i.e.
medium grey
static const rgbColor lti::Grey75 | ( | 191 | , | |
191 | , | |||
191 | ||||
) | [static] |
Definition for a 75% bright grey, i.e.
bright grey
T lti::imag | ( | const complex< T > & | cn | ) | [inline] |
get the imaginary part of a complex number
References lti::complex< T >::imag().
static const rgbColor lti::LawnGreen | ( | 127 | , | |
255 | , | |||
0 | ||||
) | [static] |
constant for another kind of bright green.
static const rgbColor lti::Lemon | ( | 127 | , | |
255 | , | |||
127 | ||||
) | [static] |
constant for some kind of lemon color
static const rgbColor lti::LightBlue | ( | 0 | , | |
127 | , | |||
255 | ||||
) | [static] |
constant for a light blue.
complex<T> lti::log | ( | const complex< T > & | cn | ) | [inline] |
complex<T> lti::log10 | ( | const complex< T > & | cn | ) | [inline] |
const rgbPixel lti::Magenta | ( | 255 | , | |
0 | , | |||
255 | , | |||
0 | ||||
) |
constant for the color magenta.
void lti::minmax | ( | T & | theMin, | |
T & | theMax | |||
) | [inline] |
Ensure that the minimum of the two given values is stored in theMin and the maximum in theMax.
References exchange().
void lti::minmax | ( | const T | x, | |
const T | y, | |||
T & | theMin, | |||
T & | theMax | |||
) | [inline] |
Store the minimum of x and y in theMin and the maximum in theMax.
T lti::norm | ( | const complex< T > & | cn | ) | [inline] |
return the square magnitude of the given complex number
References lti::complex< T >::imag(), and lti::complex< T >::real().
Referenced by lti::complex< T >::operator/=().
int lti::oneMinus | ( | const int & | x | ) | [inline] |
Compute 1 minus the given value.
float lti::oneMinus | ( | const float & | x | ) | [inline] |
Compute 1 minus the given value.
This function is usually employed to revert a probability value
double lti::oneMinus | ( | const double & | x | ) | [inline] |
Compute 1 minus the given value.
This function is usually employed to revert a probability value
bool lti::operator!= | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
compare if a real number and a complex one differ
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator!= | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
compare if a complex number and a real one differ
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator!= | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
compare if two complex numbers differ
References lti::complex< T >::imag(), and lti::complex< T >::real().
complex<T> lti::operator* | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
multiply a real number with a complex one
complex<T> lti::operator* | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
multiply a complex number with a real one
complex<T> lti::operator* | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
multiply two complex numbers
complex<T> lti::operator+ | ( | const complex< T > & | a | ) | [inline] |
plus sign a complex number
complex<T> lti::operator+ | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
add a real number with a complex number
complex<T> lti::operator+ | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
add a complex number with a real number
complex<T> lti::operator+ | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
add two complex numbers
complex<T> lti::operator- | ( | const complex< T > & | a | ) | [inline] |
minus sign a complex number
References lti::complex< T >::imag(), and lti::complex< T >::real().
complex<T> lti::operator- | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
subtract a complex number from a real one
complex<T> lti::operator- | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
subtract a real number from a complex one
complex<T> lti::operator- | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
subtract two complex numbers
complex<T> lti::operator/ | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
divide a real number by a complex one
complex<T> lti::operator/ | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
divide a complex number by a real one
complex<T> lti::operator/ | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
divide two complex numbers
bool lti::operator< | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
a complex number is "less than" another one if its real part is smaller, or when both real parts are identical, if its imaginary part is smaller
bool lti::operator< | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
a complex number is "less than" another one if its real part is smaller, or when both real parts are identical, if its imaginary part is smaller
bool lti::operator< | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
a complex number is "less than" another one if its real part is smaller, or when both real parts are identical, if its imaginary part is smaller
bool lti::operator== | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
compare if a real number and a complex number are the same
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator== | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
compare if two complex numbers differ
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator== | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
compare if two complex numbers are equal
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator> | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
a complex number is "greater than" another one if its real part is greater, or when both real parts are identical, if its imaginary part is greater
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator> | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
a complex number is "greater than" another one if its real part is greater, or when both real parts are identical, if its imaginary part is greater
References lti::complex< T >::imag(), and lti::complex< T >::real().
bool lti::operator> | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
a complex number is "greater than" another one if its real part is greater, or when both real parts are identical, if its imaginary part is greater
References lti::complex< T >::imag(), and lti::complex< T >::real().
void lti::passiveWait | ( | const int & | usTime | ) |
This global function is a replacement in the lti namespace for the sleep and Sleep functions of Windows and Unix.
To avoid misunderstanding the name has been changed to passiveWait. The time must always be given in microseconds, although the real precision will be determined by the operating system. (Windows uses milliseconds and Unixes a few microseconds, depending on the implementation of usleep.
usTime | number of microseconds to wait |
static const rgbColor lti::Pink | ( | 255 | , | |
127 | , | |||
127 | ||||
) | [static] |
constant for the color pink.
complex<T> lti::polar | ( | const T & | radius, | |
const T & | angle | |||
) | [inline] |
complex<T> lti::pow | ( | const T & | a, | |
const complex< T > & | b | |||
) | [inline] |
complex<T> lti::pow | ( | const complex< T > & | a, | |
const complex< T > & | b | |||
) | [inline] |
complex<T> lti::pow | ( | const complex< T > & | a, | |
const T & | b | |||
) | [inline] |
float lti::radToDeg | ( | const float & | rad | ) | [inline] |
Convert the given angle in radians to an angle in degrees.
References Pi.
double lti::radToDeg | ( | const double & | rad | ) | [inline] |
Convert the given angle in radians to an angle in degrees.
References Pi.
bool lti::read | ( | ioHandler & | handler, | |
tensor< T > & | hist, | |||
const bool | complete = true | |||
) | [inline] |
read the matrix from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be read
References lti::tensor< T >::read().
bool lti::read | ( | ioHandler & | handler, | |
sequence< T > & | seq, | |||
const bool | complete = true | |||
) | [inline] |
read the sequence from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be readed
References lti::sequence< T >::read().
bool lti::read | ( | ioHandler & | handler, | |
mathObject & | mo, | |||
const bool | complete = true | |||
) |
read the mathObject from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
hiddenMarkovModel & | p, | |||
const bool | complete = true | |||
) |
read hidden markov model
bool lti::read | ( | ioHandler & | handler, | |
hiddenMarkovModel::singleDensity & | p, | |||
const bool | complete = true | |||
) |
read single density
bool lti::read | ( | ioHandler & | handler, | |
const std::string & | name, | |||
T & | data, | |||
const bool | complete = true | |||
) | [inline] |
handler functions with standard storable interface
References lti::ioHandler::appendContextStatus(), lti::ioHandler::appendStatusString(), lti::ioHandler::getLevel(), read(), lti::ioHandler::readBegin(), lti::ioHandler::readEnd(), lti::ioHandler::readKeyValueSeparator(), lti::ioHandler::restoreLevel(), and lti::ioHandler::trySymbol().
bool lti::read | ( | ioHandler & | handler, | |
unsigned short & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
short & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
unsigned long & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
long & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
bool & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
ubyte & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
byte & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
char & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
unsigned int & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
int & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
float & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
double & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
std::string & | data | |||
) |
read functions for standard types
bool lti::read | ( | ioHandler & | handler, | |
pointDistributionModel & | p, | |||
const bool | complete = true | |||
) |
read a pointDistributionModel
bool lti::read | ( | ioHandler & | handler, | |
hMatrix< T, P > & | mat, | |||
const bool | complete = true | |||
) | [inline] |
read the vector from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be read or not
References lti::hMatrix< T, P >::read().
bool lti::read | ( | ioHandler & | handler, | |
hPoint3D< T > & | p, | |||
const bool | complete = true | |||
) | [inline] |
read the vector from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be readed
References lti::hPoint3D< T >::h, lti::ioHandler::read(), lti::ioHandler::readBegin(), lti::ioHandler::readDataSeparator(), lti::ioHandler::readEnd(), lti::hPoint3D< T >::x, lti::hPoint3D< T >::y, and lti::hPoint3D< T >::z.
bool lti::read | ( | ioHandler & | handler, | |
hPoint2D< T > & | p, | |||
const bool | complete = true | |||
) | [inline] |
read the vector from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be readed
References lti::hPoint2D< T >::h, lti::ioHandler::read(), lti::ioHandler::readBegin(), lti::ioHandler::readDataSeparator(), lti::ioHandler::readEnd(), lti::hPoint2D< T >::x, and lti::hPoint2D< T >::y.
bool lti::read | ( | ioHandler & | handler, | |
draw3D< rgbPixel >::parameters & | p, | |||
const bool | complete = true | |||
) | [inline] |
read the draw3D<>::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
blobEM::gaussEllipse & | el, | |||
const bool | complete = true | |||
) |
read a blobEM::gaussEllipse from the given stream handler
handler | ioHandler where the ellipse should be read from. | |
el | ellipse will be left here | |
complete | if true (default), begin and end tokens will be read too. |
bool lti::read | ( | ioHandler & | handler, | |
stdLayer & | p, | |||
const bool | complete = true | |||
) |
read the objectProb from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be readed
bool lti::read | ( | ioHandler & | handler, | |
MLP::activationFunctor & | p, | |||
const bool | complete = true | |||
) |
read the functor::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
classifier::outputTemplate & | p, | |||
const bool | complete = true | |||
) |
read the functor::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
classifier::outputVector & | p, | |||
const bool | complete = true | |||
) |
read the functor::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
classifier & | p, | |||
const bool | complete = true | |||
) |
read the classifier from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
classifier::parameters & | p, | |||
const bool | complete = true | |||
) |
read the functor::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::read | ( | ioHandler & | handler, | |
functor & | p, | |||
const bool | complete = true | |||
) |
bool lti::read | ( | ioHandler & | handler, | |
functor::parameters & | p, | |||
const bool | complete = true | |||
) |
read the functor::parameters from the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
T lti::real | ( | const complex< T > & | cn | ) | [inline] |
get the real part of a complex number
References lti::complex< T >::real().
float lti::reciprocal | ( | const float & | x | ) | [inline] |
Compute the reciprocal of the given value x, defined as 1/x.
double lti::reciprocal | ( | const double & | x | ) | [inline] |
Compute the reciprocal of the given value x, defined as 1/x.
const rgbPixel lti::Red | ( | 255 | , | |
0 | , | |||
0 | , | |||
0 | ||||
) |
constant for the color read.
rgbColor lti::scale | ( | const rgbColor & | src, | |
double | f | |||
) | [inline] |
Function for scaling a color's intensity.
src | rgbColor of the original color | |
f | factor by which to multiply the R, G and B values. Warning: Saturation effects might lead to strange results. |
t
. References lti::rgbPixel::getBlue(), lti::rgbPixel::getGreen(), lti::rgbPixel::getRed(), max(), and min().
Referenced by brighter(), and darker().
complex<T> lti::sin | ( | const complex< T > & | cn | ) | [inline] |
void lti::sincos | ( | T | angle, | |
T & | sval, | |||
T & | cval | |||
) | [inline] |
Calculate the sine and cosine values of angle
in one step if the setup allows it.
angle | the angle | |
sval | sine of the angle | |
cval | cosine of the angle |
References sincos_impl().
Referenced by sincos_impl(), and lti::draw< rgbPixel >::turnPoint().
void lti::sincos_impl | ( | double | angle, | |
double & | sval, | |||
double & | cval | |||
) | [inline] |
void lti::sincosf_impl | ( | float | angle, | |
float & | sval, | |||
float & | cval | |||
) | [inline] |
Calculate the sine and cosine values of angle
in one step if the setup allows it.
complex<T> lti::sinh | ( | const complex< T > & | cn | ) | [inline] |
hyperbolic sine of a complex number
References cos(), cosh(), lti::complex< T >::imag(), lti::complex< T >::real(), and sin().
complex<T> lti::sqrt | ( | const complex< T > & | cn | ) | [inline] |
square root of a complex number.
A there are always two solutions for sqrt(x+iy), this method provides the first one consisting in sqrt(m*e^(i*a))=sqrt(m)*e^(i*a/2)
References abs(), lti::complex< T >::imag(), and lti::complex< T >::real().
Referenced by abs(), acos(), asin(), lti::l2Distantor< T, D >::computeDistance(), lti::tpoint3D< T >::distanceTo(), lti::tpoint< T >::distanceTo(), lti::chromaticityHistogram::l2accumulator< T >::operator T(), lti::l2Distantor< T, D >::operator()(), lti::chromaticityHistogram::l2accumulator< T >::operator/(), lti::draw3D< T >::parameters::setCamera(), sqrt(), and sqrtrect().
T lti::sqrtrect | ( | const T | x | ) | [inline] |
complex<T> lti::tan | ( | const complex< T > & | cn | ) | [inline] |
complex<T> lti::tanh | ( | const complex< T > & | cn | ) | [inline] |
static const rgbColor lti::Violet | ( | 127 | , | |
127 | , | |||
255 | ||||
) | [static] |
constant for the color violet.
const rgbPixel lti::White | ( | 255 | , | |
255 | , | |||
255 | , | |||
0 | ||||
) |
constant for the color white.
bool lti::write | ( | ioHandler & | handler, | |
const tensor< T > & | hist, | |||
const bool | complete = true | |||
) | [inline] |
write the matrix in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
References lti::tensor< T >::write().
bool lti::write | ( | ioHandler & | handler, | |
const sequence< T > & | seq, | |||
const bool | complete = true | |||
) | [inline] |
write the sequence in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
References lti::sequence< T >::write().
bool lti::write | ( | ioHandler & | handler, | |
const mathObject & | mo, | |||
const bool | complete = true | |||
) |
write the mathObject in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const hiddenMarkovModel & | p, | |||
const bool | complete = true | |||
) |
write hidden markov model
bool lti::write | ( | ioHandler & | handler, | |
const hiddenMarkovModel::singleDensity & | p, | |||
const bool | complete = true | |||
) |
write single density
bool lti::write | ( | ioHandler & | handler, | |
const std::string & | name, | |||
const T & | data, | |||
const bool | complete = true | |||
) | [inline] |
handler functions with standard storable interface
References write(), lti::ioHandler::writeBegin(), lti::ioHandler::writeEnd(), lti::ioHandler::writeEOL(), lti::ioHandler::writeKeyValueSeparator(), and lti::ioHandler::writeSymbol().
bool lti::write | ( | ioHandler & | handler, | |
const unsigned short & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const short & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const unsigned long & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const long & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const bool & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const ubyte & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const byte & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const char & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const unsigned int & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const int & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const float & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const double & | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const char * | data | |||
) |
read functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const std::string & | data | |||
) |
write functions for standard types
bool lti::write | ( | ioHandler & | handler, | |
const pointDistributionModel & | p, | |||
const bool | complete = true | |||
) |
write a pointDistributionModel
bool lti::write | ( | ioHandler & | handler, | |
const hMatrix< T, P > & | mat, | |||
const bool | complete = true | |||
) | [inline] |
write the vector in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
References lti::hMatrix< T, P >::write().
bool lti::write | ( | ioHandler & | handler, | |
const hPoint3D< T > & | p, | |||
const bool | complete = true | |||
) | [inline] |
write the vector in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
References lti::hPoint3D< T >::h, lti::ioHandler::write(), lti::ioHandler::writeBegin(), lti::ioHandler::writeDataSeparator(), lti::ioHandler::writeEnd(), lti::hPoint3D< T >::x, lti::hPoint3D< T >::y, and lti::hPoint3D< T >::z.
bool lti::write | ( | ioHandler & | handler, | |
const hPoint2D< T > & | p, | |||
const bool | complete = true | |||
) | [inline] |
write the vector in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
References lti::hPoint2D< T >::h, lti::ioHandler::write(), lti::ioHandler::writeBegin(), lti::ioHandler::writeDataSeparator(), lti::ioHandler::writeEnd(), lti::hPoint2D< T >::x, and lti::hPoint2D< T >::y.
bool lti::write | ( | ioHandler & | handler, | |
const draw3D< rgbPixel >::parameters & | p, | |||
const bool | complete = true | |||
) | [inline] |
write the draw3D<>::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const blobEM::gaussEllipse & | el, | |||
const bool | complete = true | |||
) |
write a blobEM::gaussEllipse into the given stream handler
handler | ioHandler where the ellipse should be written. | |
el | ellipse | |
complete | if true (default), begin and end tokens will be written around the object. |
bool lti::write | ( | ioHandler & | handler, | |
const stdLayer & | p, | |||
const bool | complete = true | |||
) |
bool lti::write | ( | ioHandler & | handler, | |
const MLP::activationFunctor & | p, | |||
const bool | complete = true | |||
) |
write the functor::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const classifier::outputTemplate & | p, | |||
const bool | complete = true | |||
) |
write the functor::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const classifier::outputVector & | p, | |||
const bool | complete = true | |||
) |
write the functor::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const classifier & | p, | |||
const bool | complete = true | |||
) |
write the classifier in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const classifier::parameters & | p, | |||
const bool | complete = true | |||
) |
write the functor::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
bool lti::write | ( | ioHandler & | handler, | |
const functor & | p, | |||
const bool | complete = true | |||
) |
bool lti::write | ( | ioHandler & | handler, | |
const functor::parameters & | p, | |||
const bool | complete = true | |||
) |
write the functor::parameters in the given ioHandler.
The complete flag indicates if the enclosing begin and end should be also be written or not
const rgbPixel lti::Yellow | ( | 255 | , | |
255 | , | |||
0 | , | |||
0 | ||||
) |
constant for the color yellow.
const palette lti::emptyPalette |
An empty vector used to denote an empty palette.