gtsam  4.0.0
gtsam
Class Hierarchy
This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 123456]
 Cgtsam::_ValuesConstKeyValuePair< ValueType >
 Cgtsam::_ValuesKeyValuePair< ValueType >
 Cgtsam::ActiveSetSolver< PROBLEM, POLICY, INITSOLVER >This class implements the active set algorithm for solving convex Programming problems
 Cgtsam::AdaptAutoDiff< FUNCTOR, M, N1, N2 >The AdaptAutoDiff class uses ceres-style autodiff to adapt a ceres-style Function evaluation, i.e., a function FUNCTOR that defines an operator template<typename T> bool operator()(const T* const, const T* const, T* predicted) const; For now only binary operators are supported
 Cgtsam::additive_group_tag
 CAdditiveGroupTraits
 Cadjacency_list
 Cgtsam::AHRS
 Cgtsam::internal::apply_compose< T >
 Cgtsam::AttitudeFactor
 Cgtsam::internal::AutoTicTocSmall class that calls internal::tic at construction, and internol::toc when destroyed
 Cgtsam::noiseModel::BaseNoiseModel::Base is the abstract base class for all noise models
 Cgtsam::noiseModel::mEstimator::Base
 Cgtsam::BayesTree< CLIQUE >
 Cgtsam::BayesTree< DiscreteBayesTreeClique >
 Cgtsam::BayesTree< GaussianBayesTreeClique >
 Cgtsam::BayesTree< ISAM2Clique >
 Cgtsam::BayesTree< SymbolicBayesTreeClique >
 Cgtsam::BayesTreeCliqueBase< DERIVED, FACTORGRAPH >This is the base class for BayesTree cliques
 Cgtsam::BayesTreeCliqueBase< DiscreteBayesTreeClique, DiscreteFactorGraph >
 Cgtsam::BayesTreeCliqueBase< GaussianBayesTreeClique, GaussianFactorGraph >
 Cgtsam::BayesTreeCliqueBase< ISAM2Clique, GaussianFactorGraph >
 Cgtsam::BayesTreeCliqueBase< SymbolicBayesTreeClique, SymbolicFactorGraph >
 Cgtsam::BayesTreeCliqueDataStore all the sizes
 Cgtsam::BayesTreeCliqueStatsClique statistics
 Cgtsam::Bearing< A1, A2 >
 Cgtsam::BearingRange< A1, A2, B, R >Bearing-Range product for a particular A1,A2 combination will use the functors above to create a similar functor of type A1*A2 -> pair<Bearing::return_type,Range::return_type> For example BearingRange<Pose2,Point2>(pose,point) will return pair<Rot2,double> and BearingRange<Pose3,Point3>(pose,point) will return pair<Unit3,double>
 Cgtsam::BearingRange< A1, A2 >
 Cgtsam::BearingS2
 Cbinary_function
 Cgtsam::Expression< T >::BinaryFunction< A1, A2 >
 Cgtsam::BTree< KEY, VALUE >
 Cgtsam::BTree< KEY, KEY >
 Cgtsam::Cal3_S2
 Cgtsam::Cal3_S2Stereo
 Cgtsam::Cal3Bundler
 Cgtsam::Cal3DS2_Base
 Cgtsam::CameraProjectionMatrix< CALIBRATION >Create a 3*4 camera projection matrix from calibration and pose
 Cgtsam::Rot3::CayleyChart
 Cgtsam::CGState< S, V, E >
 Cgtsam::Pose2::ChartAtOrigin
 Cgtsam::Pose3::ChartAtOrigin
 Cgtsam::Rot2::ChartAtOrigin
 Cgtsam::Rot3::ChartAtOrigin
 Cgtsam::SO3::ChartAtOrigin
 Cgtsam::SmartRangeFactor::Circle2
 CCluster
 Cgtsam::ClusterTree< GRAPH >::ClusterA Cluster is just a collection of factors
 Cgtsam::ClusterTree< GRAPH >A cluster-tree is associated with a factor graph and is defined as in Koller-Friedman: each node k represents a subset \( C_k \sub X \), and the tree is family preserving, in that each factor \( f_i \) is associated with a single cluster and \( scope(f_i) \sub C_k \)
 Cgtsam::ClusterTree< DiscreteFactorGraph >
 Cgtsam::ClusterTree< GaussianFactorGraph >
 Cgtsam::ClusterTree< NonlinearFactorGraph >
 Cgtsam::ClusterTree< SymbolicFactorGraph >
 CCONCURRENT_MAP_BASE
 Cgtsam::ConcurrentBatchFilterResult
 Cgtsam::ConcurrentBatchSmootherResult
 Cgtsam::ConcurrentFilterThe interface for the 'Filter' portion of the Concurrent Filtering and Smoother architecture
 Cgtsam::ConcurrentSmootherThe interface for the 'Smoother' portion of the Concurrent Filtering and Smoother architecture
 Cgtsam::Conditional< FACTOR, DERIVEDCONDITIONAL >TODO: Update comments
 Cgtsam::Conditional< DecisionTreeFactor, DiscreteConditional >
 Cgtsam::Conditional< JacobianFactor, GaussianConditional >
 Cgtsam::Conditional< SymbolicFactor, SymbolicConditional >
 CConditionalType
 Cgtsam::BTree< KEY, VALUE >::const_iteratorConst iterator Not trivial: iterator keeps a stack to indicate current path from root_
 Cgtsam::const_selector< TEST_TYPE, BASIC_TYPE, AS_NON_CONST, AS_CONST >Helper class that uses templates to select between two types based on whether TEST_TYPE is const or not
 Cgtsam::const_selector< BASIC_TYPE, BASIC_TYPE, AS_NON_CONST, AS_CONST >Specialization for the non-const version
 Cgtsam::const_selector< const BASIC_TYPE, BASIC_TYPE, AS_NON_CONST, AS_CONST >Specialization for the const version
 Cgtsam::imuBias::ConstantBias
 Cgtsam::Values::ConstFiltered< ValueType >A filtered view of a const Values, returned from Values::filter
 Cgtsam::Values::ConstKeyValuePairA key-value pair, which you get by dereferencing iterators
 Cgtsam::ConstructorTraversalData< BAYESTREE, GRAPH, ETREE_NODE >
 Cgtsam::CRefCallAddCopy< C >Helper
 Cgtsam::CRefCallPushBack< C >Helper
 Cgtsam::Cyclic< N >Cyclic group of order N
 Cgtsam::DecisionTree< L, Y >Decision Tree L = label for variables Y = function range (any algebra), e.g., bool, int, double
 Cgtsam::DecisionTree< Key, double >
 Cgtsam::DecisionTree< L, double >
 Cdefault_bfs_visitor
 Cgtsam::ISAM2Result::DetailedResultsA struct holding detailed results, which must be enabled with ISAM2Params::enableDetailedResults
 Cgtsam::DiscreteMarginalsA class for computing marginals of variables in a DiscreteFactorGraph
 Cgtsam::DoglegOptimizerImplThis class contains the implementation of the Dogleg algorithm
 Cgtsam::DSFBase
 Cgtsam::DSFMap< KEY >
 Cgtsam::Dummy
 Cgtsam::internal::DynamicTraits< M, N, Options, MaxRows, MaxCols >
 Cgtsam::internal::DynamicTraits< 1, -1, Options, MaxRows, MaxCols >
 Cgtsam::internal::DynamicTraits<-1, -1, Options, MaxRows, MaxCols >
 Cgtsam::internal::DynamicTraits<-1, 1, Options, MaxRows, MaxCols >
 Cgtsam::Subgraph::Edge
 Cgtsam::EliminateableFactorGraph< FACTORGRAPH >EliminateableFactorGraph is a base class for factor graphs that contains elimination algorithms
 Cgtsam::EliminateableFactorGraph< DiscreteFactorGraph >
 Cgtsam::EliminateableFactorGraph< GaussianFactorGraph >
 Cgtsam::EliminateableFactorGraph< SymbolicFactorGraph >
 Cgtsam::EliminationData< CLUSTERTREE >
 Cgtsam::EliminationData< CLUSTERTREE >::EliminationPostOrderVisitor
 Cgtsam::EliminationTraits< GRAPH >Traits class for eliminateable factor graphs, specifies the types that result from elimination, etc
 Cgtsam::EliminationTraits< DiscreteFactorGraph >
 Cgtsam::EliminationTraits< GaussianFactorGraph >
 Cgtsam::EliminationTraits< SymbolicFactorGraph >
 Cgtsam::EliminationTree< BAYESNET, GRAPH >An elimination tree is a data structure used intermediately during elimination
 Cgtsam::EliminationTree< DiscreteBayesNet, DiscreteFactorGraph >
 Cgtsam::EliminationTree< GaussianBayesNet, GaussianFactorGraph >
 Cgtsam::EliminationTree< SymbolicBayesNet, SymbolicFactorGraph >
 Cgtsam::DSFMap< KEY >::EntryWe store the forest in an STL map, but parents are done with pointers
 Cgtsam::EssentialMatrixAn essential matrix is like a Pose3, except with translation up to scale It is named after the 3*3 matrix aEb = [aTb]x aRb from computer vision, but here we choose instead to parameterize it as a (Rot3,Unit3) pair
 Cstd::exceptionSTL class
 Cgtsam::internal::ExecutionTrace< T >
 Cgtsam::so3::ExpmapFunctorFunctor implementing Exponential map
 Cgtsam::Expression< T >Expression class that supports automatic differentiation
 Cgtsam::Expression< BearingRange< A1, A2 > >
 Cgtsam::Expression< double >
 Cgtsam::internal::ExpressionNode< T >
 Cgtsam::ExtendedKalmanFilter< VALUE >This is a generic Extended Kalman Filter class implemented using nonlinear factors
 Cgtsam::FactorThis is the base class for all factor types
 Cgtsam::FactorGraph< FACTOR >A factor graph is a bipartite graph with factor nodes connected to variable nodes
 Cgtsam::FactorGraph< CONDITIONAL >
 Cgtsam::FactorGraph< DiscreteConditional >
 Cgtsam::FactorGraph< DiscreteFactor >
 Cgtsam::FactorGraph< Factor >
 Cgtsam::FactorGraph< GaussianConditional >
 Cgtsam::FactorGraph< GaussianFactor >
 Cgtsam::FactorGraph< LinearEquality >
 Cgtsam::FactorGraph< LinearInequality >
 Cgtsam::FactorGraph< NonlinearFactor >
 Cgtsam::FactorGraph< SymbolicConditional >
 Cgtsam::FactorGraph< SymbolicFactor >
 Cgtsam::internal::FastDefaultAllocator< T >Default allocator for list, map, and set types
 Cgtsam::internal::FastDefaultVectorAllocator< T >Default allocator for vector types (we never use boost pool for vectors)
 Cgtsam::Values::Filtered< ValueType >A filtered view of a Values, returned from Values::filter
 Cgtsam::FixedDimension< T >Give fixed size dimension of a type, fails at compile time if dynamic
 Cgtsam::FixedLagSmoother
 Cgtsam::FixedLagSmootherKeyTimestampMap
 Cgtsam::FixedLagSmootherKeyTimestampMapValue
 Cgtsam::FixedLagSmootherResult
 Cgtsam::internal::FixedSizeMatrix< Y, X >
 Cgtsam::G_x1< X1, X2 >Helper class that computes the derivative of f w.r.t
 Cgtsam::GaussianFactorGraphSystemSystem class needed for calling preconditionedConjugateGradient
 Cgtsam::GraphvizFormattingFormatting options when saving in GraphViz format using NonlinearFactorGraph::saveGraph
 Cgtsam::group_tagTag to assert a type is a group
 Cgtsam::internal::handle< ValueType >
 Cgtsam::internal::handle< Eigen::Matrix< double, M, N > >
 Cgtsam::internal::handle_matrix< MatrixType, isDynamic >
 Cgtsam::internal::handle_matrix< Eigen::Matrix< double, M, N >, false >
 Cgtsam::internal::handle_matrix< Eigen::Matrix< double, M, N >, true >
 Cgtsam::HasBearing< A1, A2, RT >
 Cgtsam::HasBearing< Pose2, T, Rot2 >
 Cgtsam::HasBearing< Pose3, Point3, Unit3 >
 Cgtsam::HasBearing< Pose3, Pose3, Unit3 >
 Cgtsam::internal::HasManifoldPrereqs< Class >Requirements on type to pass it to Manifold template below
 Cgtsam::HasRange< A1, A2, RT >
 Cgtsam::HasRange< CalibratedCamera, T, double >
 Cgtsam::HasRange< PinholeCamera< Calibration >, T, double >
 Cgtsam::HasRange< Pose2, T, double >
 Cgtsam::HasRange< Pose3, T, double >
 Cgtsam::HasRange< PoseRTV, PoseRTV, double >
 Cgtsam::HasRange< SimpleCamera, T, double >
 Cgtsam::HasTestablePrereqs< T >Requirements on type to pass it to Testable template below
 Cgtsam::internal::HasVectorSpacePrereqs< Class >Requirements on type to pass it to Manifold template below
 CImpl
 Cgtsam::InitializePose3
 Cgtsam::ISAM2DoglegParams
 Cgtsam::ISAM2GaussNewtonParams
 Cgtsam::ISAM2Params
 Cgtsam::ISAM2Result
 Cgtsam::IsGroup< G >Group Concept
 Cgtsam::IsGroup< T >
 CIsManifold
 Cgtsam::IsTestable< T >
 Cgtsam::DoglegOptimizerImpl::IterationResult
 Cgtsam::IterativeOptimizationParametersParameters for iterative linear solvers
 Cgtsam::IterativeSolverBase class for Iterative Solvers like SubgraphSolver
 Cgtsam::JointMarginalA class to store and access a joint marginal, returned from Marginals::jointMarginalCovariance and Marginals::jointMarginalInformation
 Cgtsam::KalmanFilterKalman Filter class
 Cgtsam::KeyInfoEntryHandy data structure for iterative solvers key to (index, dimension, start)
 Cgtsam::Values::KeyValuePairA key-value pair, which you get by dereferencing iterators
 Cgtsam::LabeledSymbolCustomized version of gtsam::Symbol for multi-robot use
 Cgtsam::LieGroup< Class, N >A CRTP helper class that implements Lie group methods Prerequisites: methods operator*, inverse, and AdjointMap, as well as a ChartAtOrigin struct that will be used to define the manifold Chart To use, simply derive, but also say "using LieGroup<Class,N>::inverse" For derivative math, see doc/math.pdf
 Cgtsam::LieGroup< Pose2, 3 >
 Cgtsam::LieGroup< Pose3, 6 >
 Cgtsam::LieGroup< Rot2, 1 >
 Cgtsam::LieGroup< Rot3, 3 >
 Cgtsam::LieGroup< SO3, 3 >
 Cgtsam::internal::LieGroupTraits< Class >A helper class that implements the traits interface for GTSAM lie groups
 Cgtsam::internal::LieGroupTraits< Pose2 >
 Cgtsam::internal::LieGroupTraits< Pose3 >
 Cgtsam::internal::LieGroupTraits< PoseRTV >
 Cgtsam::internal::LieGroupTraits< ProductLieGroup< G, H > >
 Cgtsam::internal::LieGroupTraits< Rot2 >
 Cgtsam::internal::LieGroupTraits< Rot3 >
 Cgtsam::internal::LieGroupTraits< SO3 >
 Cstd::list< T >STL class
 Cgtsam::ListOfOneContainer< T >A helper class that behaves as a container with one element, and works with boost::range
 Cgtsam::LPData structure of a Linear Program
 Cgtsam::LPInitSolverThis LPInitSolver implements the strategy in Matlab: http://www.mathworks.com/help/optim/ug/linear-programming-algorithms.html#brozyzb-9 Solve for x and y: min y st Ax = b Cx - y <= d where y \in R, x \in R^n, and Ax = b and Cx <= d is the constraints of the original problem
 Cgtsam::LPPolicyPolicy for ActivetSetSolver to solve Linear Programming
 Cgtsam::MakeJacobian< T, A >: meta-function to generate Jacobian
 Cgtsam::MakeOptionalJacobian< T, A >: meta-function to generate JacobianTA optional reference Used mainly by Expressions
 Cgtsam::manifold_tagTag to assert a type is a manifold
 Cgtsam::internal::ManifoldImpl< Class, N >Extra manifold traits for fixed-dimension types
 Cgtsam::internal::ManifoldImpl< BearingRange< A1, A2 >, BearingRange< A1, A2 > ::dimension >
 Cgtsam::internal::ManifoldImpl< Cal3_S2, Cal3_S2 ::dimension >
 Cgtsam::internal::ManifoldImpl< Cal3_S2Stereo, Cal3_S2Stereo ::dimension >
 Cgtsam::internal::ManifoldImpl< Cal3Bundler, Cal3Bundler ::dimension >
 Cgtsam::internal::ManifoldImpl< Cal3DS2, Cal3DS2 ::dimension >
 Cgtsam::internal::ManifoldImpl< Cal3Unified, Cal3Unified ::dimension >
 Cgtsam::internal::ManifoldImpl< CalibratedCamera, CalibratedCamera ::dimension >
 Cgtsam::internal::ManifoldImpl< Class, Class::dimension >
 Cgtsam::internal::ManifoldImpl< Class, Eigen::Dynamic >Extra manifold traits for variable-dimension types
 Cgtsam::internal::ManifoldImpl< EssentialMatrix, EssentialMatrix ::dimension >
 Cgtsam::internal::ManifoldImpl< NavState, NavState ::dimension >
 Cgtsam::internal::ManifoldImpl< OrientedPlane3, OrientedPlane3 ::dimension >
 Cgtsam::internal::ManifoldImpl< PinholeCamera< Calibration >, PinholeCamera< Calibration > ::dimension >
 Cgtsam::internal::ManifoldImpl< PinholePose< CALIBRATION >, PinholePose< CALIBRATION > ::dimension >
 Cgtsam::internal::ManifoldImpl< SimpleCamera, SimpleCamera ::dimension >
 Cgtsam::internal::ManifoldImpl< StereoCamera, StereoCamera ::dimension >
 Cgtsam::internal::ManifoldImpl< Unit3, Unit3 ::dimension >
 Cstd::map< K, T >STL class
 Cgtsam::MarginalsA class for computing Gaussian marginals of variables in a NonlinearFactorGraph
 CMatrix
 CMatrix3
 Cgtsam::Mechanization_bRn2
 Cgtsam::MetisIndexConverts a factor graph into the Compressed Sparse Row format for use in METIS algorithms
 Cgtsam::multiplicative_group_tagGroup operator syntax flavors
 CMultiplicativeGroupTraits
 Cgtsam::MultiplyWithInverse< N >Functor that implements multiplication of a vector b with the inverse of a matrix A
 Cgtsam::MultiplyWithInverseFunction< T, N >Functor that implements multiplication with the inverse of a matrix, itself the result of a function f
 Cgtsam::NavStateNavigation state: Pose (rotation, translation) + velocity NOTE(frank): it does not make sense to make this a Lie group, but it is a 9D manifold
 Cgtsam::EliminationTree< BAYESNET, GRAPH >::Node
 Cgtsam::DecisionTree< L, Y >::Node---------------------— Node base class ------------------------—
 Cgtsam::NonlinearISAMWrapper class to manage ISAM in a nonlinear context
 Cgtsam::NonlinearOptimizerThis is the abstract interface for classes that can optimize for the maximum-likelihood estimate of a NonlinearFactorGraph
 Cgtsam::NonlinearOptimizerParamsThe common parameters for Nonlinear optimizers
 Cgtsam::internal::linearAlgorithms::OptimizeClique< CLIQUE >Pre-order visitor for back-substitution in a Bayes tree
 Cgtsam::internal::linearAlgorithms::OptimizeData
 Coptional
 Cgtsam::OptionalJacobian< Rows, Cols >OptionalJacobian is an Eigen::Ref like class that can take be constructed using either a fixed size or dynamic Eigen matrix
 Cgtsam::OptionalJacobian< dim, dim >
 Cgtsam::OptionalJacobian< Eigen::Dynamic, Eigen::Dynamic >
 Cgtsam::OrientedPlane3Represents an infinite plane in 3D, which is composed of a planar normal and its perpendicular distance to the origin
 Cpair
 Cgtsam::ISAM2::PartialSolveResult
 Cgtsam::PinholeBase
 Cgtsam::Pose3Upright
 Cgtsam::PoseConcept< POSE >Pose Concept A must contain a translation and a rotation, with each structure accessable directly and a type provided for each
 Cgtsam::Preconditioner
 Cgtsam::PreconditionerParameters
 Cgtsam::PreintegratedRotationPreintegratedRotation is the base class for all PreintegratedMeasurements classes (in AHRSFactor, ImuFactor, and CombinedImuFactor)
 Cgtsam::PreintegratedRotationParamsParameters for pre-integration: Usage: Create just a single Params and pass a shared pointer to the constructor
 Cgtsam::PreintegrationBasePreintegrationBase is the base class for PreintegratedMeasurements (in ImuFactor) and CombinedPreintegratedMeasurements (in CombinedImuFactor)
 Cgtsam::QPStruct contains factor graphs of a Quadratic Programming problem
 Cgtsam::QPInitSolverThis class finds a feasible solution for a QP problem
 Cgtsam::QPPolicyPolicy for ActivetSetSolver to solve Linear Programming
 Cgtsam::QPSParser
 Cgtsam::Range< A1, A2 >
 Cgtsam::Range< Point3, Point3 >
 Cgtsam::RedirectCoutFor Python str()
 Cgtsam::RefCallPushBack< C >Helper
 Cgtsam::ISAM2::ReorderingMode
 Cgtsam::Reshape< OutM, OutN, OutOptions, InM, InN, InOptions >Reshape functor
 Cgtsam::Reshape< M, M, InOptions, M, M, InOptions >Reshape specialization that does nothing as shape stays the same (needed to not be ambiguous for square input equals square output)
 Cgtsam::Reshape< M, N, InOptions, M, N, InOptions >Reshape specialization that does nothing as shape stays the same
 Cgtsam::Reshape< N, M, InOptions, M, N, InOptions >Reshape specialization that does transpose
 Cgtsam::ConcurrentBatchFilter::ResultMeta information returned about the update
 Cgtsam::ConcurrentBatchSmoother::ResultMeta information returned about the update
 Cgtsam::ConcurrentIncrementalSmoother::ResultMeta information returned about the update
 Cgtsam::FixedLagSmoother::ResultMeta information returned about the update
 Cgtsam::ConcurrentIncrementalFilter::ResultMeta information returned about the update
 Cgtsam::AlgebraicDecisionTree< L >::RingThe Real ring with addition and multiplication
 Cgtsam::SamplerSampling structure that keeps internal random number generators for diagonal distributions specified by NoiseModel
 Cgtsam::ScenarioSimple trajectory simulator
 Cgtsam::ScenarioRunner
 Cstd::set< K >STL class
 Cgtsam::SfM_dataDefine the structure for SfM data
 Cgtsam::SfM_TrackDefine the structure for the 3D points
 Cgtsam::SignatureSignature for a discrete conditional density, used to construct conditionals
 Cgtsam::SimPolygon2D
 Cgtsam::SimPolygon2DVector
 Cgtsam::SimWall2D
 Cgtsam::SimWall2DVector
 Cgtsam::SlotEntryOne SlotEntry stores the slot index for a variable, as well its dim
 Cgtsam::SmartProjectionParams
 Cgtsam::ActiveSetSolver< PROBLEM, POLICY, INITSOLVER >::StateThis struct contains the state information for a single iteration
 Cgtsam::StereoCamera
 Cgtsam::StereoPoint2
 Cgtsam::Subgraph
 Cgtsam::SubgraphBuilder
 Cgtsam::SubgraphBuilderParameters
 Cgtsam::SymbolCharacter and index key used to refer to variables
 Cgtsam::SymmetricBlockMatrix
 Cgtsam::SystemHelper class encapsulating the combined system |Ax-b_|^2 Needed to run Conjugate Gradients on matrices
 Cgtsam::TbbOpenMPMixedScopeAn object whose scope defines a block where TBB and OpenMP parallelism are mixed
 Cgtsam::Expression< T >::TernaryFunction< A1, A2, A3 >
 Cgtsam::Testable< T >A helper that implements the traits interface for GTSAM types
 Cgtsam::Testable< BearingFactor< A1, A2, T > >
 Cgtsam::Testable< BearingRange< A1, A2 > >
 Cgtsam::Testable< BearingRangeFactor< A1, A2, B, R > >
 Cgtsam::Testable< BetweenConstraint< VALUE > >
 Cgtsam::Testable< BetweenFactor< VALUE > >
 Cgtsam::Testable< BinaryJacobianFactor< M, N1, N2 > >
 Cgtsam::Testable< Cal3_S2 >
 Cgtsam::Testable< Cal3_S2Stereo >
 Cgtsam::Testable< Cal3Bundler >
 Cgtsam::Testable< Cal3DS2 >
 Cgtsam::Testable< Cal3Unified >
 Cgtsam::Testable< CalibratedCamera >
 Cgtsam::Testable< CameraSet< CAMERA > >
 Cgtsam::Testable< Class >
 Cgtsam::Testable< ConcurrentBatchFilter >
 Cgtsam::Testable< ConcurrentBatchSmoother >
 Cgtsam::Testable< ConcurrentIncrementalFilter >
 Cgtsam::Testable< ConcurrentIncrementalSmoother >
 Cgtsam::Testable< Cyclic< N > >
 Cgtsam::Testable< DecisionTreeFactor >
 Cgtsam::Testable< DiscreteBayesNet >
 Cgtsam::Testable< DiscreteConditional >
 Cgtsam::Testable< DiscreteFactor >
 Cgtsam::Testable< DiscreteFactor::Values >
 Cgtsam::Testable< DiscreteFactorGraph >
 Cgtsam::Testable< EqualityFactorGraph >
 Cgtsam::Testable< Errors >
 Cgtsam::Testable< EssentialMatrix >
 Cgtsam::Testable< ExpressionFactor< T > >
 Cgtsam::Testable< GaussianBayesNet >
 Cgtsam::Testable< GaussianBayesTree >
 Cgtsam::Testable< GaussianConditional >
 Cgtsam::Testable< GaussianFactor >
 Cgtsam::Testable< GaussianFactorGraph >
 Cgtsam::Testable< GaussMarkov1stOrderFactor< VALUE > >
 Cgtsam::Testable< GeneralSFMFactor2< CALIBRATION > >
 Cgtsam::Testable< GeneralSFMFactor< CAMERA, LANDMARK > >
 Cgtsam::Testable< GenericProjectionFactor< POSE, LANDMARK, CALIBRATION > >
 Cgtsam::Testable< GenericStereoFactor< T1, T2 > >
 Cgtsam::Testable< GenericValue< ValueType > >
 Cgtsam::Testable< HessianFactor >
 Cgtsam::Testable< imuBias::ConstantBias >
 Cgtsam::Testable< ImuFactor >
 Cgtsam::Testable< ImuFactor2 >
 Cgtsam::Testable< InequalityFactorGraph >
 Cgtsam::Testable< InertialNavFactor_GlobalVelocity< POSE, VELOCITY, IMUBIAS > >
 Cgtsam::Testable< ISAM2 >
 Cgtsam::Testable< JacobianFactor >
 Cgtsam::Testable< JacobianFactorQ< D, ZDim > >
 Cgtsam::Testable< LabeledSymbol >
 Cgtsam::Testable< LinearContainerFactor >
 Cgtsam::Testable< LinearCost >
 Cgtsam::Testable< LinearEquality >
 Cgtsam::Testable< LinearInequality >
 Cgtsam::Testable< LinearizedHessianFactor >
 Cgtsam::Testable< LinearizedJacobianFactor >
 Cgtsam::Testable< LP >
 Cgtsam::Testable< NavState >
 Cgtsam::Testable< noiseModel::Constrained >
 Cgtsam::Testable< noiseModel::Diagonal >
 Cgtsam::Testable< noiseModel::Gaussian >
 Cgtsam::Testable< noiseModel::Isotropic >
 Cgtsam::Testable< noiseModel::Unit >
 Cgtsam::Testable< NonlinearEquality1< VALUE > >
 Cgtsam::Testable< NonlinearEquality2< VALUE > >
 Cgtsam::Testable< NonlinearEquality< VALUE > >
 Cgtsam::Testable< NonlinearFactor >
 Cgtsam::Testable< NonlinearFactorGraph >
 Cgtsam::Testable< Ordering >
 Cgtsam::Testable< OrientedPlane3 >
 Cgtsam::Testable< PinholeCamera< Calibration > >
 Cgtsam::Testable< PinholePose< CALIBRATION > >
 Cgtsam::Testable< PinholeSet< CAMERA > >
 Cgtsam::Testable< Point2 >
 Cgtsam::Testable< Point3 >
 Cgtsam::Testable< Pose2 >
 Cgtsam::Testable< Pose3 >
 Cgtsam::Testable< Pose3AttitudeFactor >
 Cgtsam::Testable< PoseRTV >
 Cgtsam::Testable< Potentials >
 Cgtsam::Testable< Potentials::ADT >
 Cgtsam::Testable< PreintegratedImuMeasurements >
 Cgtsam::Testable< PreintegratedRotation >
 Cgtsam::Testable< ProjectionFactorPPP< POSE, LANDMARK, CALIBRATION > >
 Cgtsam::Testable< ProjectionFactorPPPC< POSE, LANDMARK, CALIBRATION > >
 Cgtsam::Testable< RangeFactor< A1, A2, T > >
 Cgtsam::Testable< RangeFactorWithTransform< A1, A2, T > >
 Cgtsam::Testable< ReferenceFrameFactor< T1, T2 > >
 Cgtsam::Testable< RegularHessianFactor< D > >
 Cgtsam::Testable< RegularImplicitSchurFactor< CAMERA > >
 Cgtsam::Testable< Rot2 >
 Cgtsam::Testable< Rot3 >
 Cgtsam::Testable< Rot3AttitudeFactor >
 Cgtsam::Testable< SimpleCamera >
 Cgtsam::Testable< SmartProjectionFactor< CAMERA > >
 Cgtsam::Testable< SmartProjectionPoseFactor< CALIBRATION > >
 Cgtsam::Testable< SmartStereoProjectionFactor >
 Cgtsam::Testable< SmartStereoProjectionPoseFactor >
 Cgtsam::Testable< SO3 >
 Cgtsam::Testable< StereoCamera >
 Cgtsam::Testable< StereoPoint2 >
 Cgtsam::Testable< Symbol >
 Cgtsam::Testable< SymbolicBayesNet >
 Cgtsam::Testable< SymbolicBayesTree >
 Cgtsam::Testable< SymbolicBayesTreeClique >
 Cgtsam::Testable< SymbolicConditional >
 Cgtsam::Testable< SymbolicEliminationTree >
 Cgtsam::Testable< SymbolicFactor >
 Cgtsam::Testable< SymbolicFactorGraph >
 Cgtsam::Testable< TransformBtwRobotsUnaryFactor< VALUE > >
 Cgtsam::Testable< TransformBtwRobotsUnaryFactorEM< VALUE > >
 Cgtsam::Testable< Unit3 >
 Cgtsam::Testable< Values >
 Cgtsam::Testable< VariableIndex >
 Cgtsam::Testable< VariableSlots >
 Cgtsam::Testable< VectorValues >
 Cgtsam::internal::TimingOutlineTiming Entry, arranged in a tree
 Cgtsam::traits< T >A manifold defines a space in which there is a notion of a linear tangent space that can be centered around a given point on the manifold
 Cgtsam::traits< G >
 Cgtsam::traits< Key >
 Cgtsam::traits< QUATERNION_TYPE >
 Cgtsam::TriangulationParameters
 Cgtsam::Expression< T >::UnaryFunction< A1 >
 Cgtsam::Unit3Represents a 3D point on a unit sphere
 Cgtsam::ValueThis is the base class for any type to be stored in Values
 Cgtsam::ValueCloneAllocator
 Cgtsam::ValuesA non-templated config holding any types of Manifold-group elements
 Cgtsam::ValuesCastHelper< ValueType, CastedKeyValuePairType, KeyValuePairType >
 Cgtsam::ValuesCastHelper< const Value, CastedKeyValuePairType, KeyValuePairType >
 Cgtsam::ValuesCastHelper< Value, CastedKeyValuePairType, KeyValuePairType >
 Cgtsam::ValueWithDefault< T, defaultValue >Helper struct that encapsulates a value with a default, this is just used as a member object so you don't have to specify defaults in the class constructor
 Cgtsam::ValueWithDefault< bool, false >
 Cgtsam::VariableIndexComputes and stores the block column structure of a factor graph
 Cgtsam::ISAM2Result::DetailedResults::VariableStatusThe status of a single variable, this struct is stored in DetailedResults::variableStatus
 Cstd::vector< T >STL class
 CVector2
 CVector3
 Cgtsam::internal::VectorSpaceImpl< Class, N >VectorSpaceTraits Implementation for Fixed sizes
 Cgtsam::internal::VectorSpaceImpl< Class, Class::dimension >
 Cgtsam::internal::VectorSpaceImpl< Class, Eigen::Dynamic >VectorSpaceTraits implementation for dynamic types
 Cgtsam::internal::VectorSpaceImpl< double, 1 >
 Cgtsam::internal::VectorSpaceImpl< Eigen::Matrix< double, M, N, Options, MaxRows, MaxCols >, M *N >
 Cgtsam::internal::VectorSpaceImpl< float, 1 >
 Cgtsam::internal::VectorSpaceImpl< imuBias::ConstantBias, imuBias::ConstantBias ::dimension >
 Cgtsam::internal::VectorSpaceImpl< Point2, Point2 ::dimension >
 Cgtsam::internal::VectorSpaceImpl< Point3, Point3 ::dimension >
 Cgtsam::internal::VectorSpaceImpl< Scalar, 1 >
 Cgtsam::internal::VectorSpaceImpl< StereoPoint2, StereoPoint2 ::dimension >
 Cgtsam::VectorValuesThis class represents a collection of vector-valued variables associated each with a unique integer index
 Cgtsam::VerticalBlockMatrix
 CBAYESTREE