| ►NAI | |
| ►CGeneralizedAStar | |
| CNode | |
| CAStar | |
| CIntegerAStar | |
| CGeneralizedAStarWithMap | |
| CGeneralizedAStarWithHashMap | |
| ►NAppUtils | |
| CProgramSettings | |
| NArrayUtils | Convenience routines for C arrays and STL vectors |
| ►NCamera | |
| CCameraConventions | Converts between different camera conventions |
| CCameraController_Free | |
| CCameraController_Target | |
| CCameraController_Orbit | |
| CFrustum | |
| CViewport | A class containing viewport information for a perspective or orthographic camera |
| ►NCommandLine | |
| CCommandHelp | |
| CCommandArg | |
| CCommandBase | |
| CCommandAuto | |
| CCommandInputValue | |
| CCommandSetValue | |
| NFileUtils | |
| ►NGeometry | Contains all definitions in the Geometry package |
| CAnyGeometry3D | A container class that stores any kind of geometry we've defined |
| CAnyCollisionGeometry3D | An AnyGeometry with collision detection information.
|
| CAnyCollisionQuery | A class that stores information regarding a collision query. May be slightly faster than running individual queries |
| ►CArrangement1D | An arrangement of 1-D intervals. Intervals identified by an integer ID |
| CLeftInterval | |
| CBallTreeNode | A node of a ball-tree point location data structure |
| CBallTree | |
| ►CCollider3DConvexHull | The collision data class for ConvexHull3D that contains the solid3 data structure moved by some rigid transform |
| CObjectHandleContainer | |
| CCollider3DHeightmap | |
| CCollider3DImplicitSurface | A collider for a signed distance field |
| ►CClosestPointCallback | |
| CActivePair | |
| CRayCastCallback | |
| CCollisionMesh | A triangle mesh along with PQP bounding volume structures that enable fast collision and other proximity queries |
| CCollider3DTriangleMesh | |
| CCollisionMeshQuery | A general-purpose distance querying class |
| CCollisionMeshQueryEnhanced | |
| CCollider3DOccupancyGrid | |
| CPointPointCollider | |
| CPointMeshCollider | |
| CPointMeshDistance | |
| CCollisionPointCloud | A point cloud with a fast collision detection data structure |
| CCollider3DPointCloud | |
| CCollider3DPrimitive | |
| CPoint2DWithID | |
| CPointRay2DWithID | |
| ►CConvexHull3D | A 3D convex hull class |
| CShapeHandleContainer | |
| CGeometry3D | Base class for any 3D-geometry type |
| CCollider3D | Stores collision geometry for a certain geometry type |
| CDistanceQuerySettings | |
| CDistanceQueryResult | |
| CContactsQuerySettings | |
| ►CContactsQueryResult | |
| CContactPair | |
| CGeometry3DPrimitive | |
| CGeometry3DTriangleMesh | |
| CGeometry3DPointCloud | |
| CGeometry3DConvexHull | |
| CGeometry3DVolume | |
| CGeometry3DImplicitSurface | |
| CGeometry3DOccupancyGrid | |
| CGeometry3DHeightmap | |
| CGeometry3DGroup | |
| CCollider3DGroup | |
| CGrid | A gridding of n-dimensional space |
| CIndexHash | |
| CGridHash3D | A grid containing objects (referenced by void pointers) |
| CGridSubdivision3D | A grid with a list of arbitrary objects (given by void pointers) |
| CGridHash | An ND grid containing objects (referenced by void pointers) |
| CGridSubdivision | An ND grid with a list of arbitrary objects (given by void pointers) |
| ►CGridHash3DContainer | A container class that makes it easier to work with hashes. Each object is allocated with Insert() and deleted on destruction / Clear / Erase |
| Cconst_iterator | |
| Citerator | |
| CGridSubdivision3DContainer | A container class that makes it easier to work with subdivisions. Each object is allocated with Insert() and deleted on destruction / Clear / Erase |
| ►CGridHash3DContiguousContainer | A container class that makes it easier to work with hashes, similar to GridHash3DContainer except data allocation is performed in bulk |
| Cconst_iterator | |
| Citerator | |
| CGridTable | A table with entry T on a gridding of n-dimensional space |
| ►CKDTree | A kd-tree or a node of one |
| CPoint | |
| CXMonotoneChain | A polyline with vertices ordered in nondecreasing order |
| CMultiVolumeGrid | A 3D array over an axis-aligned 3D volume, containing one or more channels |
| COctreeNode | |
| COctree | |
| COctreePointSet | Stores a point set P on an octree grid. Allows for O(d) adding, O(d h) range queries and pseudo-O(d) nearest neighbor queries |
| ►COctreeScalarField | Stores a function f(x) on an octree grid. Allows for O(d) setting, sub O(d) testing of f(x) in range [a,b], O(d h) selection of nodes with values in range [a,b] |
| CData | |
| CApproximatePenetrationDepth | Uses a propagation method to calculate an approximate penetration distance of mesh m1 inside m2 |
| CLPSolvePointCallback | Helper callback used in PolytopeProjection2D |
| CPolytopeProjection2D | A method for projecting a polytope defined by the feasible set of a linear program lp onto a 2D subspace. Handles unbounded and infeasible problems |
| CAngular2DOrdering | |
| CPointRay2D | A 2D point or infinite ray. Note: rays should be normalized unit vectors |
| CPointRay3D | A 3D point or infinite ray. Note: rays should be normalized unit vectors |
| ►CSegmentOverlay | Computes the overlay of a set of segments using a sweep line algorithm |
| CIntersectionInfo | |
| ►CSparseVolumeGrid | A 3D array over a sparse, axis aligned 3D volume. Has a similar interface as VolumeGrid, but uses a hash grid data structure to achieve better performance in large grids with infinite domain |
| CBlock | |
| CICPParameters | |
| ►CDenseTSDFReconstruction | Performs a kinect-fusion-like dense TSDF reconstruction |
| CVoxelInfo | |
| CSparseTSDFReconstruction | Performs a kinect-fusion-like sparse TSDF reconstruction. A hash grid is used to build multiple TSDFs across an infinite domain |
| CUnboundedPolytope2D | A representation of a possibly unbounded polytope in the 2d plane |
| ►NGLDraw | Contains all definitions in the GLDraw package |
| CBoxWidget | |
| CColorGradient | |
| CGeometryAppearance | A class for coloring, texturing, and drawing geometries in OpenGL |
| CGLColor | An rgba color |
| CGLDisplayList | |
| CGLFog | |
| CGLLight | An OpenGL light |
| CGLMaterial | An OpenGL material |
| CGLOffscreenContext | A way to draw to an offscreen buffer. Currently only works with XWindows |
| CGLRenderToImage | Allows for GL calls to draw to an image |
| CGLScreenshotProgram | A plugin class that "automatically" saves a movie to disk in the form of PPM screenshots |
| CGLTexture1D | 1D texture data for use in OpenGL |
| CGLTexture2D | 2D texture data for use in OpenGL |
| CGLTextureObject | A GL texture object class. Simplifies allocating and cleaning up texture objects. Usually you only need to interact with GLTexture[X]D and the texture management is handled for you |
| CGLView | |
| CSphereWidget | |
| CTransformWidget | |
| CWidget | Base class for a visual widget |
| CWidgetSet | A container of sub-widgets |
| ►NGraph | Namespace for all classes and functions in the Graph subdirectory |
| CApproximateShortestPathProblem | Approximate single-source shortest paths, whose output is at most (1+epsilon)^d times the true shortest path, where d is the depth of the node. This can be somewhat faster than running true shortest paths |
| CCallbackBase | A template base class for a graph traversal |
| CCountCallback | Count the number of nodes traversed |
| CFindCallback | Find a particular node |
| CDepthIntCallback | Get the depth of all nodes (in an indexed graph, such as Graph) |
| CTimeCallback | Get the start/finish time of a traversal |
| CTimeIntCallback | Same as above, but for indexed graphs |
| CCycleCallback | Compute if the graph has a cycle |
| CTopologicalSortCallback | Perform topological sort, when used with DFS |
| CTraversalGraphCallback | Compute the traversal graph of a traversal |
| CTraversalGraphIntCallback | Same as above, but for indexed graphs |
| CPathCallback | |
| CPathIntCallback | Same as above, but for indexed graphs |
| CShortestPathsIntCallback | |
| CComponentIntCallback | |
| CConnectedComponents | |
| CDirectedGraph | A specialization of a Graph to be directed graph |
| CEdgeIterator | |
| CCoEdgeIterator | |
| CUndirectedEdgeIterator | |
| CGraph | Basic template graph structure |
| CShortestPathProblem | Single-source shortest paths (Dijkstra's algorithm) |
| CTreeNode | A tree graph structure, represented directly at the node level |
| CUndirectedGraph | A specialization of a Graph to be an undirected graph |
| NKrisLibrary | |
| ►NMath | Contains all definitions in the Math package |
| NPolynomial | |
| NQuadrature | Namespace for quadrature functions |
| CAngleInterval | A contiguous range of angles |
| CAngleSet | A set of AngleIntervals |
| CBLASInterface | An interface to BLAS. Activated with the preprocessor flag HAVE_BLAS=1 |
| CBlockPrinter | |
| CBlockTridiagonalMatrix | |
| CBlockVector | |
| CCholeskyDecomposition | Performs the Cholesky decomposition |
| CComplex | Complex number class (x + iy) |
| CQuaternion | Complex quaternion class (w + ix + jy + kz) |
| CScaledOffsetConstraint | |
| CUniformScaledOffsetConstraint | |
| CConditioner_SymmDiag | A matrix conditioner that does a pre/postmultiply with a diagonal S |
| CNullPreconditioner | Identity precondtioner |
| CJacobiPreconditioner | Jacobi preconditioning (inverse of diagonal) |
| CDiagonalMatrixTemplate | A templated diagonal matrix, represented by a vector of the entries on the diagonal |
| CVectorTemplate | A vector over the field T |
| CMatrixTemplate | A matrix over the field T |
| CRealFunction | A function from R to R |
| CRealFunction2 | |
| CVectorFunction | A function from R to R^n, identical to RealFunction except a vector is returned |
| CScalarFieldFunction | A function from R^n to R |
| CVectorFieldFunction | A function from R^n to R^m |
| CDiffEqFunction | |
| CGaussian | Multivariate gaussian N(mu,K) of d dimensions |
| CInequalityConstraint | A vector field with constraints s.t. ci(x) >= 0 |
| CCompositeInequalityConstraint | |
| CLimitConstraint | |
| CLinearConstraint | Constraint represented as A*x >= b i.e. constraint value is A*x-b |
| CInequalityConstraintAdaptor | A class that makes it easier to construct "plugin" classes to alter constraint behavior |
| CInterval | A generic interval {a,b}, where { and } can be either (,[ or ),] |
| COpenInterval | An open interval (a,b) |
| CClosedInterval | A closed interval [a,b] |
| COpenIntervalSet | |
| CClosedIntervalSet | |
| CLAPACKInterface | An interface to LAPACK. Activated with the preprocessor flag HAVE_CLAPACK=1 |
| CLDLDecomposition | Performs the LDL^t decompositoin of a symmetric matrix A |
| CIterativeMethod | |
| CMatrixEquation | |
| ►CPiecewiseLinearFunction | |
| CControlPoint | |
| ►CPiecewiseLinearPath | |
| CControlPoint | |
| CLUDecomposition | Forms the LU decomposition A=PLU |
| CEquationTerm | |
| CMatrixEquationPrinter | |
| CMatrixPrinter | |
| CMatrixIterator | An iterator through MatrixTemplate elements |
| CNormAccumulator | |
| CQRDecomposition | Calculates the QR decomposition |
| CNRQRDecomposition | The QR decomposition as computed by the algorithm in Numerical Recipes in C |
| CQNHessianUpdater | Maintains the Cholesky decomposition of the hessian H over Quasi-Newton steps |
| CLinearFunction | |
| CInverseFunction | |
| CComposeFunction | |
| CAddFunction | |
| CMulFunction | |
| CRowEchelon | Compute reduced row-eschelon form for a matrix A |
| CSparseVectorFunction | A vector field function with a sparse jacobian. The Jacobian_Sparse and Jacobian_i_Sparse methods must be overridden |
| CSparseMatrixTemplate_RM | Row-major sparse matrix |
| CSparseMatrixTemplate_CR | Row-major, compressed-row sparse matrix |
| CSparseVectorAccessor | |
| CSparseVectorTemplate | |
| CSparseVectorCompressed | |
| CIndexAndPriority | |
| CSVDecomposition | Performs the singular value decomposition |
| CRobustSVD | Performs a pre/postconditioned singular value decomposition |
| CScalarFieldDirectionalFunction | A function g(t) that returns f(x+tn) for a scalar field f(x) If ref is true, then x,n are set to refer to the x,n provided in the constructor, rather than to copy |
| CScalarFieldProjectionFunction | |
| CLinearScalarFieldFunction | |
| CQuadraticScalarFieldFunction | |
| CNormSquaredScalarFieldFunction | A scalar field ||x||^2 |
| CNormScalarFieldFunction | A scalar field for the L-d norm, where d is passed into the constructor |
| CMinimumScalarFieldFunction | A scalar field min_i xi |
| CMaximumScalarFieldFunction | A scalar field max_i xi |
| CComposeScalarFieldFunction | A scalar field h(x) = f(g(x)) |
| CVector3FieldFunction | |
| CLinearVectorFieldFunction | |
| CCompose_SF_VF_Function | A scalar field function h(x) = f(g(x)) (g vector-valued) |
| CCompose_VF_VF_Function | A vector field function h(x) = f(g(x)) (f,g vector fields) |
| CComponentVectorFieldFunction | |
| CVectorFieldProjectionFunction | A function g(x) that returns the i'th component of vector field f(x) |
| CCompositeVectorFieldFunction | |
| CIndexedVectorFieldFunction | A vector field function f(x) = g(x[xindices])[findices] |
| CSliceVectorFieldFunction | A vector field function f(x) = g(x0 | x0[xindices]=x) |
| CVectorPrinter | |
| CVectorIterator | An iterator through VectorTemplate elements |
| ►NMath3D | Contains all the definitions in the Math3D package |
| CAABB2D | A 2D axis-aligned bounding box |
| CAABB3D | A 3D axis-aligned bounding box |
| CAABBTemplate | |
| CBox2D | A 2D box |
| CBox3D | A 3D box |
| CCircle2D | A 2D circle class |
| CCircle3D | A 2D circle in 3D space class |
| CCylinder3D | A 3D cylinder |
| CEllipsoid3D | A 3D ellipsoid |
| CGeometricPrimitive2D | A generic 2D geometric primitive class |
| CGeometricPrimitive3D | A generic 3D geometric primitive class |
| CLine2D | A 2D line class |
| CLine3D | A 3D line class |
| CLocalCoordinates2D | |
| CScaledLocalCoordinates2D | |
| CLocalCoordinates3D | |
| CScaledLocalCoordinates3D | |
| CPlane2D | A 2D plane class |
| CPlane3D | A 3D plane class |
| CPolygon2D | An arbitrary connected polygon given by a vertex list |
| CConvexPolygon2D | A convex connected polygon such that the vertices are in ccw order |
| CPolygon3D | An arbitrary connected polygon in 3D space given by a vertex list |
| CConvexPolyhedron3D | A convex polyhedron given in a dual representation, planes and vertices of convex hull |
| CVector2 | A 2D vector class |
| CVector3 | A 3D vector class |
| CVector4 | A 4D vector class |
| CMatrix2 | A 2x2 matrix class |
| CMatrix3 | A 3x3 matrix class |
| CMatrix4 | A 4x4 matrix class |
| CRigidTransform | A rigid-body transformation |
| CRigidTransform2D | Same as above, but in 2D |
| CRay3D | |
| CEulerAngleRotation | Euler angle 3D rotation parameterization |
| CAngleAxisRotation | Angle-axis 3D rotation parameterization |
| CMomentRotation | "Moment", a.k.a. exponential map, 3D rotation parameterization |
| CQuaternionRotation | Quaternion, a.k.a. Euler parameter, 3D rotation parameterization |
| CSegment2D | A 2D segment class |
| CSegment3D | |
| CSphere3D | A 3D sphere class |
| CTriangle2D | A 2D triangle class |
| CTriangle3D | A 3D triangle class |
| ►NMeshing | The namespace for all classes/functions in the Meshing package |
| CVolumeGridTemplate | A 3D array over an axis-aligned 3D volume, containing Real values |
| CAreaGridIterator | Iterator over a 2D area grid |
| CAreaGridTemplate | A 2D array over an axis-aligned 2D box, containing Real values |
| CTriMeshEdge | |
| ►CApproximateGeodesic | Computes an approximate geodesic distance over a mesh, from a single source |
| CVirtualEdge | |
| CHeightmap | Represents a height map or depth map, in either orthographic or perspective coordinates |
| CLSConformalMapping | An approximately-conformal parameterization a genus-0 mesh, found by a least-squares method |
| CSplitCallback | |
| CTriSplitter | A class that allows incremental plane-splitting of a triangle mesh |
| CPointCloud3D | A 3D point cloud class |
| CBarycentricCoords | |
| CTriangleHeightRasterizer | |
| CRasterizer2D | A base class that allows rasterizing of 2D triangles into a grid |
| CFillRasterizer2D | A rasterizer that flat-fills elements of a grid |
| CSmoothFillRasterizer2D | A smooth-fill rasterizer |
| CAddTriOffset | |
| CTriMesh | A basic triangle mesh |
| CTriMeshChart | A chart maps a genus 0 triangle mesh to a 2d disk |
| CTriMeshAtlas | TODO: a non-genus 0 mesh partitioned into charts |
| CVectorHash | |
| CVector3Hash | |
| CTriMeshTraversalCallback | A callback base class for traversing triangle mesh topology |
| CTriMeshWithTopology | A triangle mesh that contains connectivity relations between vertices and triangles |
| CVolumeGridIterator | Iterator over a 3D volume grid |
| CTrimeshFeature | |
| CTriangleClosestPointData | |
| ►NOptimization | Namespace for classes and functions in the Optimization package |
| CBoundedLSQRSolver | Solve the bounded least-squares problem min||Ax-b||^2 s.t. l <= x <= b accepts infinite constraints too |
| CGLPKInterface | An interface to the GLPK linear program solver. Activated with the HAVE_GLPK preprocessor define |
| CLemkeLCP | Solves a linear complementarity problem |
| CLeastSquares | A least-squares problem definition |
| CLinearConstraints | Linear constraints for LP's and QP's |
| CLinearConstraints_Sparse | Sparse linear constraints for LP's and QP's |
| CLinearProgram | Linear program definition |
| CLinearProgram_Sparse | Linear program definition with sparse matrix A |
| CLP_InteriorPointSolver | An interior-point method for solving a LP |
| CLP_InteriorPoint | Solves a general LP using LP_InteriorPointSolver |
| CLPOptimumFunction | A scalar field v(x) = min_y c(x)^T y s.t. q(x) <= A(x)y <= p(x), l(x) <= y <= u(x) where c,A,q,p,l, and u are smooth functions |
| CLPOptimizerFunction | A vector field v(x) = arg min_y c(x)^T y s.t. q(x) <= A(x)y <= p(x), l(x) <= y <= u(x) where c,A,q,p,l, and u are smooth functions |
| CRobustLPSolver | A class that tries out as many available routines as possible to solve an LP |
| CLSQRInterface | An interface to a sparse least-squares solver (lsqr) |
| CMinimizationProblem | An iterative solution to minimize f over multidimensional x. May only find a local minimum, depending on the initial point |
| CBCMinimizationProblem | A bound-constrained MinimizationProblem. Uses an active-set method to determine the components of the free search direction at x |
| CConstrainedMinimizationProblem | Same as MinimizationProblem but with nonlinear constraints C(x)=0 and D(x)<=0, bound constraints bmin/bmax |
| CMinNormProblem | Solves a linearly constrained minimum-norm problem |
| CMinNormProblem_Sparse | Solves a sparse, linearly constrained minimum-norm problem |
| CNewtonRoot | A globally convergent Newton's method for multidimensional root solving. Solves for func(x)=0 |
| CConstrainedNewtonRoot | A globally convergent Newton's method with inequality constraints c(x) >= 0 |
| CLogarithmicBarrierFunction | |
| CInequalityBarrierNLP | |
| CNewtonSolver | A newton's-method style solver for a NLP |
| CNonlinearProgram | A structure defining a nonlinear program |
| CQuadProgPPInterface | An interface to the QuadProg++ quadratic programming solver. Enable with the HAVE_QUADPROGPP=1 preprocessor define |
| CQuadraticProgram | Quadratic program definition |
| CRegularizedLinearProgram | Solves a linear program with regularization |
| CRosenbrockFunction | |
| ►NParabolicRamp | |
| CParabolicRamp | |
| CPPRamp | |
| CPLPRamp | |
| CParabolicRamp1D | Stores optimal trajectores for an acceleration and velocity-bounded 1D system |
| CParabolicRampND | Solves for optimal trajectores for a velocity-bounded ND system |
| ►NRedBlack | |
| CWalkCallback | |
| CNode | |
| ►CTree | |
| Citerator | |
| ►NSpline | |
| CBSplineBasis | Defines the B-spline basis for a given knot vector, number of control points |
| CBSpline | |
| CMonotonicSpline | A b-spline based monotonic spline |
| CPiecewisePolynomial | |
| CPiecewisePolynomialND | |
| CPolynomial | A simple polynomial class, p(x) = sum_{i=0}^n coef[i]*x^i |
| CTimeSegmentation | Divides a real-valued range t[0],t[1],...,t[n-1] into segments |
| ►NStatistics | Contains all definitions in the statistics directory |
| CBernoulliDistribution | |
| CBernoulliMAPModel | |
| CBetaDistribution | |
| CCategoricalDistribution | |
| CCategoricalMAPModel | |
| CDataSet | |
| CDiracDistribution | |
| CDiracMultivariateDistribution | |
| CDistributionCollector | Incrementally collects samples from a univariate distribution |
| CDistributionCollectorND | Incrementally collects samples from a multivariate distribution |
| CGaussianDistribution | |
| CGaussianMultivariateDistribution | |
| CGaussianHMM | A model of a temporal sequence consisting of k discrete states each with a gaussian emission probability |
| CGaussianHMMRegression | |
| CGaussianMixtureModel | A model of a probability distribution consisting of k gaussians |
| CGaussianMixtureModelRaw | A more `‘raw’' model of a GMM that does not perform a cholesky decomposiition |
| CGaussianRegression | |
| CGaussianMixtureRegression | |
| ►CHierarchicalClustering | |
| CCmp | |
| Cdistances | |
| CHistogram | 1-D histogram class |
| CHistogram2D | 2-D histogram class |
| CHistogram3D | 3-D histogram class |
| CIndexHash | |
| CHistogramND | N-D histogram class |
| CIntervalMap | Division of the real numbers into interval sets. Each interval is assigned data of type Data |
| CIntervalMap2D | |
| CKMeans | A simple clustering method to choose k clusters from a set of data |
| CLinearModel | A linear model of n-dimensional data |
| CLinearProcess | |
| CLinearProcessHMM | A model of a temporal sequence consisting of k discrete states each with a gaussian emission probability depending on the prior continuous state |
| CLinearProcessHMMState | |
| CLinearProcessHMMRegression | |
| CLogisticModel | Models the probability of a boolean outcome using a logit |
| CLeastSquares1D | 1-D least squares y = ax+b |
| CStochasticPseudoLASSO | Stochastic estimation of solution to y = A x via a LASSO-like procedure min_x ||b-A x||^2 + alpha*||x||_1 |
| COnlineMoments | Online calculation of mean, covariance, min/max of vectors |
| COnlineLeastSquares | Online estimation of least-squares solution to y = A x |
| CStochasticLeastSquares | Stochastic gradient descent estimation of least-squares solution to y = A x |
| CUnivariateProbabilityDistribution | |
| CMultivariateProbabilityDistribution | |
| CUniformProbabilityDistribution | |
| CBoxProbabilityDistribution | |
| ►Nstd | |
| Cpriority_queue2 | A better priority queue class than the STL version |
| Ccmp_func | A templated function class like strcmp: returns -1 if a<b, 0 if a==b, 1 if a>b |