traits More...
Namespaces | |
dynamics | |
example | |
examples | |
imuBias | |
All bias models live in the imuBias namespace. | |
inference | |
initialize | |
internal | |
lago | |
linear | |
noiseModel | |
All noise models live in the noiseModel namespace. | |
parser | |
partition | |
serializationTestHelpers | |
simulated3D | |
so3 | |
symbol_shorthand | |
testing | |
traits | |
treeTraversal | |
utilities | |
utils | |
Enumerations | |
enum | DegeneracyMode { IGNORE_DEGENERACY, ZERO_ON_DEGENERACY, HANDLE_INFINITY } |
How to manage degeneracy. More... | |
enum | GncLossType { GM, TLS } |
Choice of robust loss function for GNC. More... | |
enum | KernelFunctionType { KernelFunctionTypeNONE, KernelFunctionTypeHUBER, KernelFunctionTypeTUKEY } |
Robust kernel type to wrap around quadratic noise model. More... | |
enum | LinearizationMode { HESSIAN, IMPLICIT_SCHUR, JACOBIAN_Q, JACOBIAN_SVD } |
Linearization mode: what factor to linearize to. More... | |
enum | NoiseFormat { NoiseFormatG2O, NoiseFormatTORO, NoiseFormatGRAPH, NoiseFormatCOV, NoiseFormatAUTO } |
Indicates how noise parameters are stored in file. More... | |
Functions | |
string | _defaultKeyFormatter (Key key) |
def | _init () |
string | _multirobotKeyFormatter (Key key) |
template<typename T > | |
static bool | _truePredicate (const T &) |
boost::optional< Pose2 > | align (const vector< Point2Pair > &pairs) |
GTSAM_EXPORT boost::optional< Pose2 > | align (const std::vector< Point2Pair > &pairs) |
boost::optional< Pose3 > | align (const Point3Pairs &baPointPairs) |
template<typename Y , typename L > | |
DecisionTree< L, Y > | apply (const DecisionTree< L, Y > &f, const typename DecisionTree< L, Y >::Unary &op) |
template<typename Y , typename L > | |
DecisionTree< L, Y > | apply (const DecisionTree< L, Y > &f, const DecisionTree< L, Y > &g, const typename DecisionTree< L, Y >::Binary &op) |
template<class V1 , class V2 > | |
bool | assert_container_equal (const std::map< V1, V2 > &expected, const std::map< V1, V2 > &actual, double tol=1e-9) |
template<class V2 > | |
bool | assert_container_equal (const std::map< size_t, V2 > &expected, const std::map< size_t, V2 > &actual, double tol=1e-9) |
template<class V1 , class V2 > | |
bool | assert_container_equal (const std::vector< std::pair< V1, V2 > > &expected, const std::vector< std::pair< V1, V2 > > &actual, double tol=1e-9) |
template<class V > | |
bool | assert_container_equal (const V &expected, const V &actual, double tol=1e-9) |
template<class V2 > | |
bool | assert_container_equality (const std::map< size_t, V2 > &expected, const std::map< size_t, V2 > &actual) |
template<class V > | |
bool | assert_container_equality (const V &expected, const V &actual) |
bool | assert_equal (const Key &expected, const Key &actual, double tol=0.0) |
bool | assert_equal (const Matrix &expected, const Matrix &actual, double tol) |
template<class V > | |
bool | assert_equal (const boost::optional< V > &expected, const boost::optional< V > &actual, double tol=1e-9) |
template<class V > | |
bool | assert_equal (const V &expected, const boost::optional< V > &actual, double tol=1e-9) |
bool | assert_equal (const std::list< Matrix > &As, const std::list< Matrix > &Bs, double tol) |
template<class V > | |
bool | assert_equal (const V &expected, const boost::optional< const V & > &actual, double tol=1e-9) |
template<class V > | |
bool | assert_equal (const std::vector< V > &expected, const std::vector< V > &actual, double tol=1e-9) |
template<class V > | |
bool | assert_equal (const V &expected, const V &actual, double tol=1e-9) |
bool | assert_equal (const Vector &expected, const Vector &actual, double tol) |
bool | assert_equal (const SubVector &expected, const SubVector &actual, double tol) |
bool | assert_equal (const ConstSubVector &expected, const ConstSubVector &actual, double tol) |
bool | assert_equal (const std::string &expected, const std::string &actual) |
bool | assert_inequal (const Matrix &A, const Matrix &B, double tol) |
bool | assert_inequal (const Vector &expected, const Vector &actual, double tol) |
template<class V > | |
bool | assert_inequal (const V &expected, const V &actual, double tol=1e-9) |
template<class V > | |
bool | assert_print_equal (const std::string &expected, const V &actual, const std::string &s="") |
template<class V > | |
bool | assert_stdout_equal (const std::string &expected, const V &actual) |
Rot3_ | attitude (const NavState_ &X) |
template<class V1 , class V2 > | |
void | axpy (double alpha, const V1 &x, V2 &y) |
void | axpy (double alpha, const Vector &x, SubVector y) |
template<> | |
GTSAM_EXPORT void | axpy< Errors, Errors > (double alpha, const Errors &x, Errors &y) |
template<> | |
void | axpy< Errors, Errors > (double alpha, const Errors &x, Errors &y) |
Vector | backSubstituteLower (const Matrix &L, const Vector &b, bool unit) |
Vector | backSubstituteUpper (const Matrix &U, const Vector &b, bool unit) |
Vector | backSubstituteUpper (const Vector &b, const Matrix &U, bool unit) |
template<class T > | |
T | BCH (const T &X, const T &Y) |
AGC: bracket() only appears in Rot3 tests, should this be used elsewhere? More... | |
template<typename T > | |
Expression< T > | between (const Expression< T > &t1, const Expression< T > &t2) |
template<class Class > | |
Class | between_default (const Class &l1, const Class &l2) |
BOOST_CONCEPT_ASSERT ((boost::RandomAccessRangeConcept< ListOfOneContainer< int > >)) | |
template<typename G > | |
BOOST_CONCEPT_REQUIRES (((IsGroup< G >)),(bool)) check_group_invariants(const G &a | |
Check invariants. More... | |
template<typename T > | |
BOOST_CONCEPT_REQUIRES (((IsTestable< T >)),(bool)) check_manifold_invariants(const T &a | |
Check invariants for Manifold type. More... | |
double | bound (double a, double min, double max) |
GaussianFactorGraph::shared_ptr | buildFactorSubgraph (const GaussianFactorGraph &gfg, const Subgraph &subgraph, const bool clone) |
VectorValues | buildVectorValues (const Vector &v, const Ordering &ordering, const map< Key, size_t > &dimensions) |
Create VectorValues from a Vector. More... | |
static Point3 | CalculateBestAxis (const Point3 &n) |
template<typename Cal , size_t Dim> | |
void | calibrateJacobians (const Cal &calibration, const Point2 &pn, OptionalJacobian< 2, Dim > Dcal=boost::none, OptionalJacobian< 2, 2 > Dp=boost::none) |
template<typename L > | |
std::vector< Assignment< L > > | cartesianProduct (const std::vector< std::pair< L, size_t > > &keys) |
Get Cartesian product consisting all possible configurations. More... | |
static void | check (const SharedNoiseModel &noiseModel, size_t m) |
template<class CLIQUE > | |
bool | check_sharedCliques (const std::pair< Key, typename BayesTree< CLIQUE >::sharedClique > &v1, const std::pair< Key, typename BayesTree< CLIQUE >::sharedClique > &v2) |
bool | checkConvergence (double relativeErrorTreshold, double absoluteErrorTreshold, double errorThreshold, double currentError, double newError, NonlinearOptimizerParams::Verbosity verbosity) |
GTSAM_EXPORT bool | checkConvergence (const NonlinearOptimizerParams ¶ms, double currentError, double newError) |
static double | Chi2inv (const double alpha, const size_t dofs) |
Matrix | cholesky_inverse (const Matrix &A) |
pair< size_t, bool > | choleskyCareful (Matrix &ATA, int order) |
bool | choleskyPartial (Matrix &ABC, size_t nFrontal, size_t topleft) |
static int | choleskyStep (Matrix &ATA, size_t k, size_t order) |
boost::optional< Point2 > | circleCircleIntersection (double R_d, double r_d, double tol) |
list< Point2 > | circleCircleIntersection (Point2 c1, Point2 c2, boost::optional< Point2 > fh) |
list< Point2 > | circleCircleIntersection (Point2 c1, double r1, Point2 c2, double r2, double tol=1e-9) |
Intersect 2 circles. More... | |
Matrix | collect (const std::vector< const Matrix * > &matrices, size_t m, size_t n) |
Matrix | collect (size_t nrMatrices,...) |
template<class LinearGraph > | |
KeyDimMap | collectKeyDim (const LinearGraph &linearGraph) |
template<class MATRIX > | |
const MATRIX::ConstColXpr | column (const MATRIX &A, size_t j) |
Vector | columnNormSquare (const Matrix &A) |
template<typename T > | |
Expression< T > | compose (const Expression< T > &t1, const Expression< T > &t2) |
template<class G , class Factor , class POSE , class KEY > | |
boost::shared_ptr< Values > | composePoses (const G &graph, const PredecessorMap< KEY > &tree, const POSE &rootPose) |
Vector | concatVectors (const std::list< Vector > &vs) |
Vector | concatVectors (size_t nrVectors,...) |
Vector | conjugateGradientDescent (const System &Ab, const Vector &x, const ConjugateGradientParameters ¶meters) |
Vector | conjugateGradientDescent (const Matrix &A, const Vector &b, const Vector &x, const ConjugateGradientParameters ¶meters) |
VectorValues | conjugateGradientDescent (const GaussianFactorGraph &fg, const VectorValues &x, const ConjugateGradientParameters ¶meters) |
template<class S , class V , class E > | |
V | conjugateGradients (const S &Ab, V x, const ConjugateGradientParameters ¶meters, bool steepest) |
static BinaryMeasurement< Rot2 > | convert (const BinaryMeasurement< Pose2 > &p) |
static BinaryMeasurement< Rot3 > | convert (const BinaryMeasurement< Pose3 > &p) |
static BinaryMeasurement< Rot3 > | convert (const BetweenFactor< Pose3 >::shared_ptr &f) |
SharedNoiseModel | ConvertNoiseModel (const SharedNoiseModel &model, size_t d, bool defaultToUnit) |
static GaussianFactorGraph::shared_ptr | convertToJacobianFactors (const GaussianFactorGraph &gfg) |
static SharedNoiseModel | createNoiseModel (const Vector6 v, bool smart, NoiseFormat noiseFormat, KernelFunctionType kernelFunctionType) |
boost::shared_ptr< Preconditioner > | createPreconditioner (const boost::shared_ptr< PreconditionerParameters > params) |
GTSAM_EXPORT std::string | createRewrittenFileName (const std::string &name) |
string | createRewrittenFileName (const string &name) |
boost::shared_ptr< Sampler > | createSampler (const SharedNoiseModel &model) |
template<typename T > | |
std::vector< Expression< T > > | createUnknowns (size_t n, char c, size_t start) |
Construct an array of leaves. More... | |
Point3 | cross (const Point3 &p, const Point3 &q, OptionalJacobian< 3, 3 > H_p=boost::none, OptionalJacobian< 3, 3 > H_q=boost::none) |
cross product More... | |
static Matrix29 | D2dcalibration (double x, double y, double xx, double yy, double xy, double rr, double r4, double pnx, double pny, const Matrix2 &DK) |
static Matrix2 | D2dintrinsic (double x, double y, double rr, double g, double k1, double k2, double p1, double p2, const Matrix2 &DK) |
std::string | demangle (const char *name) |
Pretty print Value type name. More... | |
NonlinearFactorGraph::shared_ptr | deserializeGraph (const std::string &serialized_graph) |
NonlinearFactorGraph::shared_ptr | deserializeGraphFromFile (const std::string &fname) |
NonlinearFactorGraph::shared_ptr | deserializeGraphFromXMLFile (const std::string &fname, const std::string &name="graph") |
NonlinearFactorGraph::shared_ptr | deserializeGraphXML (const std::string &serialized_graph, const std::string &name="graph") |
Values::shared_ptr | deserializeValues (const std::string &serialized_values) |
Values::shared_ptr | deserializeValuesFromFile (const std::string &fname) |
Values::shared_ptr | deserializeValuesFromXMLFile (const std::string &fname, const std::string &name="values") |
Values::shared_ptr | deserializeValuesXML (const std::string &serialized_values, const std::string &name="values") |
Matrix | diag (const std::vector< Matrix > &Hs) |
static noiseModel::Diagonal::shared_ptr | Diagonal (const Matrix &covariance) |
double | distance2 (const Point2 &p1, const Point2 &q, OptionalJacobian< 1, 2 > H1=boost::none, OptionalJacobian< 1, 2 > H2=boost::none) |
distance between two points More... | |
double | distance3 (const Point3 &p1, const Point3 &q, OptionalJacobian< 1, 3 > H1=boost::none, OptionalJacobian< 1, 3 > H2=boost::none) |
distance between two points More... | |
boost::tuple< int, double, Vector > | DLT (const Matrix &A, double rank_tol) |
double | dot (const Point3 &p, const Point3 &q, OptionalJacobian< 1, 3 > H_p=boost::none, OptionalJacobian< 1, 3 > H_q=boost::none) |
dot product More... | |
double | dot (const Errors &a, const Errors &b) |
template<class V1 , class V2 > | |
double | dot (const V1 &a, const V2 &b) |
Vector | ediv_ (const Vector &a, const Vector &b) |
std::pair< boost::shared_ptr< GaussianConditional >, boost::shared_ptr< HessianFactor > > | EliminateCholesky (const GaussianFactorGraph &factors, const Ordering &keys) |
std::pair< DiscreteConditional::shared_ptr, DecisionTreeFactor::shared_ptr > | EliminateDiscrete (const DiscreteFactorGraph &factors, const Ordering &frontalKeys) |
std::pair< boost::shared_ptr< GaussianConditional >, boost::shared_ptr< GaussianFactor > > | EliminatePreferCholesky (const GaussianFactorGraph &factors, const Ordering &keys) |
std::pair< GaussianConditional::shared_ptr, JacobianFactor::shared_ptr > | EliminateQR (const GaussianFactorGraph &factors, const Ordering &keys) |
std::pair< boost::shared_ptr< SymbolicConditional >, boost::shared_ptr< SymbolicFactor > > | EliminateSymbolic (const SymbolicFactorGraph &factors, const Ordering &keys) |
template<class T > | |
bool | equal (const T &obj1, const T &obj2, double tol) |
template<class T > | |
bool | equal (const T &obj1, const T &obj2) |
bool | equal (const Vector &vec1, const Vector &vec2, double tol) |
bool | equal (const Vector &vec1, const Vector &vec2) |
template<class MATRIX > | |
bool | equal_with_abs_tol (const Eigen::DenseBase< MATRIX > &A, const Eigen::DenseBase< MATRIX > &B, double tol=1e-9) |
bool | equal_with_abs_tol (const Vector &vec1, const Vector &vec2, double tol) |
bool | equal_with_abs_tol (const SubVector &vec1, const SubVector &vec2, double tol) |
template<class T > | |
T | expm (const Vector &x, int K=7) |
Matrix | expm (const Matrix &A, size_t K) |
template<class Class > | |
Class | expmap_default (const Class &t, const Vector &d) |
static ShonanAveraging3::Measurements | extractRot3Measurements (const BetweenFactorPose3s &factors) |
GTSAM_EXPORT std::string | findExampleDataFile (const std::string &name) |
string | findExampleDataFile (const string &name) |
template<class T , typename = typename std::enable_if< std::is_same<gtsam::Rot3, T>::value >::type> | |
T | FindKarcherMean (const std::vector< T > &rotations) |
template<class T > | |
T | FindKarcherMean (const std::vector< T, Eigen::aligned_allocator< T >> &rotations) |
template<class T > | |
T | FindKarcherMean (std::initializer_list< T > &&rotations) |
template<class T , class ALLOC > | |
T | FindKarcherMeanImpl (const vector< T, ALLOC > &rotations) |
template<class G , class KEY , class FACTOR2 > | |
PredecessorMap< KEY > | findMinimumSpanningTree (const G &fg) |
std::string | formatMatrixIndented (const std::string &label, const Matrix &matrix, bool makeVectorHorizontal) |
bool | fpEqual (double a, double b, double tol, bool check_relative_also) |
static std::vector< Matrix3 > | G3 ({SO3::Hat(Vector3::Unit(0)), SO3::Hat(Vector3::Unit(1)), SO3::Hat(Vector3::Unit(2))}) |
static std::vector< Matrix4, Eigen::aligned_allocator< Matrix4 > > | G4 ({SO4::Hat(Vector6::Unit(0)), SO4::Hat(Vector6::Unit(1)), SO4::Hat(Vector6::Unit(2)), SO4::Hat(Vector6::Unit(3)), SO4::Hat(Vector6::Unit(4)), SO4::Hat(Vector6::Unit(5))}) |
template<class T > | |
GenericValue< T > | genericValue (const T &v) |
static Vector | getSubvector (const Vector &src, const KeyInfo &keyInfo, const KeyVector &keys) |
static VectorValues | gradientInPlace (const NonlinearFactorGraph &nfg, const Values &values) |
Return the gradient vector of a nonlinear factor graph. More... | |
bool | greaterThanOrEqual (const Vector &vec1, const Vector &vec2) |
Pose3 | gtsam2openGL (const Rot3 &R, double tx, double ty, double tz) |
This function converts a GTSAM camera pose to an openGL camera pose. More... | |
Pose3 | gtsam2openGL (const Pose3 &PoseGTSAM) |
This function converts a GTSAM camera pose to an openGL camera pose. More... | |
GTSAM_CONCEPT_POSE_INST (Pose2) | |
GTSAM_CONCEPT_POSE_INST (Pose3) | |
GTSAM_MAKE_MATRIX_DEFS (1) | |
GTSAM_MAKE_MATRIX_DEFS (2) | |
GTSAM_MAKE_MATRIX_DEFS (3) | |
GTSAM_MAKE_MATRIX_DEFS (4) | |
GTSAM_MAKE_MATRIX_DEFS (5) | |
GTSAM_MAKE_MATRIX_DEFS (6) | |
GTSAM_MAKE_MATRIX_DEFS (7) | |
GTSAM_MAKE_MATRIX_DEFS (8) | |
GTSAM_MAKE_MATRIX_DEFS (9) | |
GTSAM_MAKE_VECTOR_DEFS (4) | |
GTSAM_MAKE_VECTOR_DEFS (5) | |
GTSAM_MAKE_VECTOR_DEFS (6) | |
GTSAM_MAKE_VECTOR_DEFS (7) | |
GTSAM_MAKE_VECTOR_DEFS (8) | |
GTSAM_MAKE_VECTOR_DEFS (9) | |
GTSAM_MAKE_VECTOR_DEFS (10) | |
GTSAM_MAKE_VECTOR_DEFS (11) | |
GTSAM_MAKE_VECTOR_DEFS (12) | |
bool | guardedIsDebug (const std::string &s) |
void | guardedSetDebug (const std::string &s, const bool v) |
bool | hasConstraints (const GaussianFactorGraph &factors) |
pair< double, Vector > | house (const Vector &x) |
void | householder (Matrix &A, size_t k) |
void | householder_ (Matrix &A, size_t k, bool copy_vectors) |
double | houseInPlace (Vector &v) |
IndexPairVector | IndexPairSetAsArray (IndexPairSet &set) |
Values | initialCamerasAndPointsEstimate (const SfmData &db) |
This function creates initial values for cameras and points from db. More... | |
Values | initialCamerasEstimate (const SfmData &db) |
This function creates initial values for cameras from db. More... | |
template<class V1 , class V2 > | |
double | inner_prod (const V1 &a, const V2 &b) |
void | inplace_QR (Matrix &A) |
template<typename Derived1 , typename Derived2 > | |
void | insertSub (Eigen::MatrixBase< Derived1 > &fullMatrix, const Eigen::MatrixBase< Derived2 > &subMatrix, size_t i, size_t j) |
template<typename T > | |
T | interpolate (const T &X, const T &Y, double t) |
Matrix | inverse_square_root (const Matrix &A) |
static bool | is_linear_dependent (const Matrix &A, const Matrix &B, double tol) |
bool | isDebugVersion () |
template<typename T , size_t d> | |
static double | Kappa (const BinaryMeasurement< T > &measurement, const ShonanAveragingParameters< d > ¶meters) |
static std::mt19937 | kRandomNumberGenerator (42) |
bool | linear_dependent (const Matrix &A, const Matrix &B, double tol) |
bool | linear_dependent (const Vector &vec1, const Vector &vec2, double tol) |
bool | linear_independent (const Matrix &A, const Matrix &B, double tol) |
template<typename T , typename A > | |
Expression< T > | linearExpression (const boost::function< T(A)> &f, const Expression< A > &expression, const Eigen::Matrix< double, traits< T >::dimension, traits< A >::dimension > &dTdA) |
JacobianFactor | linearizeNumerically (const NoiseModelFactor &factor, const Values &values, double delta=1e-5) |
template<class S , class V , class W > | |
double | lineSearch (const S &system, const V currentValues, const W &gradient) |
template<typename T > | |
ListOfOneContainer< T > | ListOfOne (const T &element) |
Matrix | LLt (const Matrix &A) |
GTSAM_EXPORT GraphAndValues | load2D (std::pair< std::string, SharedNoiseModel > dataset, size_t maxIndex=0, bool addNoise=false, bool smart=true, NoiseFormat noiseFormat=NoiseFormatAUTO, KernelFunctionType kernelFunctionType=KernelFunctionTypeNONE) |
GTSAM_EXPORT GraphAndValues | load2D (const std::string &filename, SharedNoiseModel model=SharedNoiseModel(), size_t maxIndex=0, bool addNoise=false, bool smart=true, NoiseFormat noiseFormat=NoiseFormatAUTO, KernelFunctionType kernelFunctionType=KernelFunctionTypeNONE) |
GraphAndValues | load2D (const string &filename, SharedNoiseModel model, size_t maxIndex, bool addNoise, bool smart, NoiseFormat noiseFormat, KernelFunctionType kernelFunctionType) |
GraphAndValues | load2D (pair< string, SharedNoiseModel > dataset, size_t maxIndex, bool addNoise, bool smart, NoiseFormat noiseFormat, KernelFunctionType kernelFunctionType) |
GTSAM_EXPORT GraphAndValues | load2D_robust (const std::string &filename, const noiseModel::Base::shared_ptr &model, size_t maxIndex=0) |
GraphAndValues | load2D_robust (const string &filename, const noiseModel::Base::shared_ptr &model, size_t maxIndex) |
GTSAM_EXPORT GraphAndValues | load3D (const std::string &filename) |
Load TORO 3D Graph. More... | |
GraphAndValues | load3D (const string &filename) |
Load TORO 3D Graph. More... | |
template<class Class > | |
Vector | logmap_default (const Class &l0, const Class &lp) |
static Symbol | make (gtsam::Key key) |
static LabeledSymbol | make (gtsam::Key key) |
template<typename T , typename... Args> | |
gtsam::enable_if_t< needs_eigen_aligned_allocator< T >::value, boost::shared_ptr< T > > | make_shared (Args &&...args) |
template<typename T , typename... Args> | |
gtsam::enable_if_t<!needs_eigen_aligned_allocator< T >::value, boost::shared_ptr< T > > | make_shared (Args &&...args) |
Fall back to the boost version if no need for alignment. More... | |
template<typename T , typename R , typename FUNC > | |
FunctorizedFactor< R, T > | MakeFunctorizedFactor (Key key, const R &z, const SharedNoiseModel &model, const FUNC func) |
template<typename T1 , typename T2 , typename R , typename FUNC > | |
FunctorizedFactor2< R, T1, T2 > | MakeFunctorizedFactor2 (Key key1, Key key2, const R &z, const SharedNoiseModel &model, const FUNC func) |
const Eigen::IOFormat & | matlabFormat () |
template<class PROBLEM > | |
Key | maxKey (const PROBLEM &problem) |
template<class CONTAINER > | |
Point3 | mean (const CONTAINER &points) |
mean More... | |
Point3Pair | means (const std::vector< Point3Pair > &abPointPairs) |
Calculate the two means of a set of Point3 pairs. More... | |
std::pair< Pose2, bool > | moveWithBounce (const Pose2 &cur_pose, double step_size, const std::vector< SimWall2D > walls, Sampler &angle_drift, Sampler &reflect_noise, const Rot2 &bias) |
Key | mrsymbol (unsigned char c, unsigned char label, size_t j) |
unsigned char | mrsymbolChr (Key key) |
size_t | mrsymbolIndex (Key key) |
unsigned char | mrsymbolLabel (Key key) |
template<class S , class V > | |
boost::tuple< V, int > | nonlinearConjugateGradient (const S &system, const V &initial, const NonlinearOptimizerParams ¶ms, const bool singleIteration, const bool gradientDescent=false) |
double | norm2 (const Point2 &p, OptionalJacobian< 1, 2 > H=boost::none) |
Distance of the point from the origin, with Jacobian. More... | |
double | norm3 (const Point3 &p, OptionalJacobian< 1, 3 > H=boost::none) |
Distance of the point from the origin, with Jacobian. More... | |
Point3 | normalize (const Point3 &p, OptionalJacobian< 3, 3 > H=boost::none) |
normalize, with optional Jacobian More... | |
static void | normalize (Signature::Row &row) |
template<size_t d> | |
static size_t | NrUnknowns (const typename ShonanAveraging< d >::Measurements &measurements) |
template<class Y , class X , int N = traits<X>::dimension> | |
internal::FixedSizeMatrix< Y, X >::type | numericalDerivative11 (boost::function< Y(const X &)> h, const X &x, double delta=1e-5) |
New-style numerical derivatives using manifold_traits. More... | |
template<class Y , class X > | |
internal::FixedSizeMatrix< Y, X >::type | numericalDerivative11 (Y(*h)(const X &), const X &x, double delta=1e-5) |
template<class Y , class X1 , class X2 , int N = traits<X1>::dimension> | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative21 (const boost::function< Y(const X1 &, const X2 &)> &h, const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class Y , class X1 , class X2 > | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative21 (Y(*h)(const X1 &, const X2 &), const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class Y , class X1 , class X2 , int N = traits<X2>::dimension> | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative22 (boost::function< Y(const X1 &, const X2 &)> h, const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class Y , class X1 , class X2 > | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative22 (Y(*h)(const X1 &, const X2 &), const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , int N = traits<X1>::dimension> | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative31 (boost::function< Y(const X1 &, const X2 &, const X3 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative31 (Y(*h)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , int N = traits<X2>::dimension> | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative32 (boost::function< Y(const X1 &, const X2 &, const X3 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative32 (Y(*h)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , int N = traits<X3>::dimension> | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative33 (boost::function< Y(const X1 &, const X2 &, const X3 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative33 (Y(*h)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , int N = traits<X1>::dimension> | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative41 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 > | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative41 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , int N = traits<X2>::dimension> | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative42 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 > | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative42 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , int N = traits<X3>::dimension> | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative43 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 > | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative43 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , int N = traits<X4>::dimension> | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative44 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 > | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative44 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , int N = traits<X1>::dimension> | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative51 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 > | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative51 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , int N = traits<X2>::dimension> | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative52 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 > | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative52 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , int N = traits<X3>::dimension> | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative53 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 > | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative53 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , int N = traits<X4>::dimension> | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative54 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 > | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative54 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , int N = traits<X5>::dimension> | |
internal::FixedSizeMatrix< Y, X5 >::type | numericalDerivative55 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 > | |
internal::FixedSizeMatrix< Y, X5 >::type | numericalDerivative55 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X1>::dimension> | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative61 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X1 >::type | numericalDerivative61 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X2>::dimension> | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative62 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X2 >::type | numericalDerivative62 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X3>::dimension> | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative63 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X3 >::type | numericalDerivative63 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X4>::dimension> | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative64 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X4 >::type | numericalDerivative64 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X5>::dimension> | |
internal::FixedSizeMatrix< Y, X5 >::type | numericalDerivative65 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X5 >::type | numericalDerivative65 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 , int N = traits<X6>::dimension> | |
internal::FixedSizeMatrix< Y, X6 >::type | numericalDerivative66 (boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> h, const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class Y , class X1 , class X2 , class X3 , class X4 , class X5 , class X6 > | |
internal::FixedSizeMatrix< Y, X6 >::type | numericalDerivative66 (Y(*h)(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &), const X1 &x1, const X2 &x2, const X3 &x3, const X4 &x4, const X5 &x5, const X6 &x6, double delta=1e-5) |
template<class X , int N = traits<X>::dimension> | |
Eigen::Matrix< double, N, 1 > | numericalGradient (boost::function< double(const X &)> h, const X &x, double delta=1e-5) |
Numerically compute gradient of scalar function. More... | |
template<class X > | |
internal::FixedSizeMatrix< X, X >::type | numericalHessian (boost::function< double(const X &)> f, const X &x, double delta=1e-5) |
template<class X > | |
internal::FixedSizeMatrix< X, X >::type | numericalHessian (double(*f)(const X &), const X &x, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X1, X1 >::type | numericalHessian211 (boost::function< double(const X1 &, const X2 &)> f, const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X1, X1 >::type | numericalHessian211 (double(*f)(const X1 &, const X2 &), const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X1, X2 >::type | numericalHessian212 (boost::function< double(const X1 &, const X2 &)> f, const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X1, X2 >::type | numericalHessian212 (double(*f)(const X1 &, const X2 &), const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X2, X2 >::type | numericalHessian222 (boost::function< double(const X1 &, const X2 &)> f, const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 > | |
internal::FixedSizeMatrix< X2, X2 >::type | numericalHessian222 (double(*f)(const X1 &, const X2 &), const X1 &x1, const X2 &x2, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X1 >::type | numericalHessian311 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X1 >::type | numericalHessian311 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X2 >::type | numericalHessian312 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X2 >::type | numericalHessian312 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X3 >::type | numericalHessian313 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X1, X3 >::type | numericalHessian313 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X2, X2 >::type | numericalHessian322 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X2, X2 >::type | numericalHessian322 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X2, X3 >::type | numericalHessian323 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X2, X3 >::type | numericalHessian323 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X3, X3 >::type | numericalHessian333 (boost::function< double(const X1 &, const X2 &, const X3 &)> f, const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
template<class X1 , class X2 , class X3 > | |
internal::FixedSizeMatrix< X3, X3 >::type | numericalHessian333 (double(*f)(const X1 &, const X2 &, const X3 &), const X1 &x1, const X2 &x2, const X3 &x3, double delta=1e-5) |
Pose3 | openGL2gtsam (const Rot3 &R, double tx, double ty, double tz) |
This function converts an openGL camera pose to an GTSAM camera pose. More... | |
Rot3 | openGLFixedRotation () |
bool | operator!= (const Matrix &A, const Matrix &B) |
GTSAM_EXPORT Signature | operator% (const DiscreteKey &key, const std::string &parent) |
Signature | operator% (const DiscreteKey &key, const string &parent) |
Signature | operator% (const DiscreteKey &key, const Signature::Table &parent) |
DiscreteKeys | operator& (const DiscreteKey &key1, const DiscreteKey &key2) |
Create a list from two keys. More... | |
Point2 | operator* (double s, const Point2 &p) |
multiply with scalar More... | |
template<typename T > | |
Expression< T > | operator* (const Expression< T > &expression1, const Expression< T > &expression2) |
Construct a product expression, assumes T::compose(T) -> T. More... | |
template<typename T > | |
ScalarMultiplyExpression< T > | operator* (double s, const Expression< T > &e) |
VectorValues | operator* (const double a, const VectorValues &v) |
template<typename T > | |
BinarySumExpression< T > | operator+ (const Expression< T > &e1, const Expression< T > &e2) |
template<typename T > | |
BinarySumExpression< T > | operator- (const Expression< T > &e1, const Expression< T > &e2) |
Construct an expression that subtracts one expression from another. More... | |
std::ostream & | operator<< (std::ostream &os, const Cal3_S2Stereo &cal) |
std::ostream & | operator<< (std::ostream &stream, const ImuMeasurement &meas) |
std::ostream & | operator<< (std::ostream &os, const Cal3_S2 &cal) |
std::ostream & | operator<< (std::ostream &os, const Cal3DS2 &cal) |
ostream & | operator<< (ostream &os, const StereoPoint2 &p) |
std::ostream & | operator<< (std::ostream &os, const Cal3DS2_Base &cal) |
std::ostream & | operator<< (std::ostream &os, const Cal3Unified &cal) |
ostream & | operator<< (ostream &os, const PreconditionerParameters &p) |
ostream & | operator<< (ostream &os, const PreintegrationBase &pim) |
GTSAM_EXPORT std::ostream & | operator<< (std::ostream &os, const gtsam::Point3Pair &p) |
GTSAM_EXPORT std::ostream & | operator<< (std::ostream &os, const gtsam::Point2Pair &p) |
std::ostream & | operator<< (std::ostream &os, const Cal3Bundler &cal) |
std::ostream & | operator<< (std::ostream &os, const Cal3 &cal) |
ostream & | operator<< (ostream &os, const IterativeOptimizationParameters &p) |
std::ostream & | operator<< (std::ostream &os, const Pose2 &pose) |
GTSAM_EXPORT std::ostream & | operator<< (std::ostream &os, const Symbol &symbol) |
ostream & | operator<< (ostream &os, const NavState &state) |
ostream & | operator<< (ostream &os, const gtsam::Point3Pair &p) |
ostream & | operator<< (ostream &os, const key_formatter &m) |
ostream & | operator<< (ostream &os, const Signature::Row &row) |
std::ostream & | operator<< (std::ostream &os, const Dih6 &m) |
ostream & | operator<< (ostream &os, const Subgraph::Edge &edge) |
ostream & | operator<< (ostream &os, const StreamedKey &streamedKey) |
ostream & | operator<< (ostream &os, const Signature::Table &table) |
ostream & | operator<< (ostream &os, const EssentialMatrix &E) |
ostream & | operator<< (ostream &os, const gtsam::Point2Pair &p) |
ostream & | operator<< (ostream &os, const Subgraph &subgraph) |
GTSAM_EXPORT std::ostream & | operator<< (std::ostream &os, const LabeledSymbol &symbol) |
std::ostream & | operator<< (std::ostream &os, const ImuFactor &f) |
GTSAM_EXPORT ostream & | operator<< (ostream &os, const VectorValues &v) |
std::ostream & | operator<< (std::ostream &os, const Cal3Fisheye &cal) |
ostream & | operator<< (ostream &os, const SubgraphBuilderParameters &p) |
std::ostream & | operator<< (std::ostream &os, const Unit3 &pair) |
ostream & | operator<< (ostream &os, const Signature &s) |
std::ostream & | operator<< (std::ostream &os, const ImuFactor2 &f) |
std::ostream & | operator<< (std::ostream &os, const CombinedImuFactor &f) |
std::ostream & | operator<< (std::ostream &os, const Similarity3 &p) |
ostream & | operator<< (ostream &os, const Rot3 &R) |
std::ostream & | operator<< (std::ostream &os, const Pose3 &pose) |
bool | operator== (const Matrix &A, const Matrix &B) |
bool | operator== (const Vector &vec1, const Vector &vec2) |
istream & | operator>> (istream &is, EssentialMatrix &E) |
GTSAM_EXPORT std::istream & | operator>> (std::istream &inputStream, Matrix &destinationMatrix) |
istream & | operator>> (istream &inputStream, Matrix &destinationMatrix) |
istream & | operator>> (istream &is, Quaternion &q) |
istream & | operator>> (istream &is, Rot3 &R) |
istream & | operator>> (istream &is, Matrix6 &m) |
Vector | operator^ (const Matrix &A, const Vector &v) |
Signature | operator| (const DiscreteKey &key, const DiscreteKey &parent) |
Point3 | optimize (const NonlinearFactorGraph &graph, const Values &values, Key landmarkKey) |
size_t | optimizeWildfire (const ISAM2Clique::shared_ptr &root, double threshold, const KeySet &keys, VectorValues *delta) |
size_t | optimizeWildfireNonRecursive (const ISAM2Clique::shared_ptr &root, double threshold, const KeySet &keys, VectorValues *delta) |
FastVector< VariableSlots::const_iterator > | orderedSlotsHelper (const Ordering &ordering, const VariableSlots &variableSlots) |
BetweenFactorPose2s | parse2DFactors (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
BetweenFactorPose3s | parse3DFactors (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
GTSAM_EXPORT boost::optional< IndexedEdge > | parseEdge (std::istream &is, const std::string &tag) |
boost::optional< IndexedEdge > | parseEdge (istream &is, const string &tag) |
template<typename T > | |
GTSAM_EXPORT std::vector< typename BetweenFactor< T >::shared_ptr > | parseFactors (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model=nullptr, size_t maxIndex=0) |
template<> | |
std::vector< BetweenFactor< Pose2 >::shared_ptr > | parseFactors< Pose2 > (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<> | |
std::vector< BetweenFactor< Pose3 >::shared_ptr > | parseFactors< Pose3 > (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<typename T > | |
static void | parseLines (const string &filename, Parser< T > parse) |
template<typename T > | |
GTSAM_EXPORT std::vector< BinaryMeasurement< T > > | parseMeasurements (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model=nullptr, size_t maxIndex=0) |
template<> | |
std::vector< BinaryMeasurement< Pose2 > > | parseMeasurements (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<> | |
std::vector< BinaryMeasurement< Rot2 > > | parseMeasurements (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<> | |
std::vector< BinaryMeasurement< Pose3 > > | parseMeasurements (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<> | |
std::vector< BinaryMeasurement< Rot3 > > | parseMeasurements (const std::string &filename, const noiseModel::Diagonal::shared_ptr &model, size_t maxIndex) |
template<typename T > | |
map< size_t, T > | parseToMap (const string &filename, Parser< pair< size_t, T >> parse, size_t maxIndex) |
template<typename T > | |
static vector< T > | parseToVector (const string &filename, Parser< T > parse) |
template<typename T > | |
GTSAM_EXPORT std::map< size_t, T > | parseVariables (const std::string &filename, size_t maxIndex=0) |
template<> | |
std::map< size_t, Point2 > | parseVariables< Point2 > (const std::string &filename, size_t maxIndex) |
template<> | |
std::map< size_t, Point3 > | parseVariables< Point3 > (const std::string &filename, size_t maxIndex) |
template<> | |
std::map< size_t, Pose2 > | parseVariables< Pose2 > (const std::string &filename, size_t maxIndex) |
template<> | |
std::map< size_t, Pose3 > | parseVariables< Pose3 > (const std::string &filename, size_t maxIndex) |
GTSAM_EXPORT boost::optional< IndexedLandmark > | parseVertexLandmark (std::istream &is, const std::string &tag) |
boost::optional< IndexedLandmark > | parseVertexLandmark (istream &is, const string &tag) |
boost::optional< pair< size_t, Point3 > > | parseVertexPoint3 (istream &is, const string &tag) |
GTSAM_EXPORT boost::optional< IndexedPose > | parseVertexPose (std::istream &is, const std::string &tag) |
boost::optional< IndexedPose > | parseVertexPose (istream &is, const string &tag) |
boost::optional< pair< size_t, Pose3 > > | parseVertexPose3 (istream &is, const string &tag) |
static Vector | perturb (const Vector &initialVector) |
Point3_ | position (const NavState_ &X) |
static bool | PowerMinimumEigenValue (const Sparse &A, const Matrix &S, double &minEigenValue, Vector *minEigenVector=0, size_t *numIterations=0, size_t maxIterations=1000, double minEigenvalueNonnegativityTolerance=10e-4) |
MINIMUM EIGENVALUE COMPUTATIONS. More... | |
template<class S , class V > | |
V | preconditionedConjugateGradient (const S &system, const V &initial, const ConjugateGradientParameters ¶meters) |
template<class G , class V , class KEY > | |
boost::tuple< G, V, std::map< KEY, V > > | predecessorMap2Graph (const PredecessorMap< KEY > &p_map) |
template<class KEY > | |
std::list< KEY > | predecessorMap2Keys (const PredecessorMap< KEY > &p_map) |
template<class CONTAINER > | |
void | Print (const CONTAINER &keys, const string &s, const KeyFormatter &keyFormatter) |
GTSAM_EXPORT void | print (const Errors &a, const std::string &s="Error") |
void | print (float v, const std::string &s="") |
void | print (double v, const std::string &s="") |
void | print (const Vector &v, const string &s, ostream &stream) |
void | print (const Vector &v, const string &s) |
GTSAM_EXPORT void | print (const Vector &v, const std::string &s, std::ostream &stream) |
GTSAM_EXPORT void | print (const Vector &v, const std::string &s="") |
void | print (const Errors &a, const string &s) |
void | print (const Matrix &A, const string &s, ostream &stream) |
GTSAM_EXPORT void | print (const Matrix &A, const std::string &s, std::ostream &stream) |
GTSAM_EXPORT void | print (const Matrix &A, const std::string &s="") |
void | print (const Matrix &A, const string &s) |
void | PrintKey (Key key, const string &s, const KeyFormatter &keyFormatter) |
Utility function to print one key with optional prefix. More... | |
GTSAM_EXPORT void | PrintKey (Key key, const std::string &s="", const KeyFormatter &keyFormatter=DefaultKeyFormatter) |
Utility function to print one key with optional prefix. More... | |
void | PrintKeyList (const KeyList &keys, const string &s, const KeyFormatter &keyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
GTSAM_EXPORT void | PrintKeyList (const KeyList &keys, const std::string &s="", const KeyFormatter &keyFormatter=DefaultKeyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
void | PrintKeySet (const KeySet &keys, const string &s, const KeyFormatter &keyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
GTSAM_EXPORT void | PrintKeySet (const KeySet &keys, const std::string &s="", const KeyFormatter &keyFormatter=DefaultKeyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
void | PrintKeyVector (const KeyVector &keys, const string &s, const KeyFormatter &keyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
GTSAM_EXPORT void | PrintKeyVector (const KeyVector &keys, const std::string &s="", const KeyFormatter &keyFormatter=DefaultKeyFormatter) |
Utility function to print sets of keys with optional prefix. More... | |
template<class MATRIX > | |
MATRIX | prod (const MATRIX &A, const MATRIX &B) |
Point2_ | project (const Point3_ &p_cam) |
Expression version of PinholeBase::Project. More... | |
Point2_ | project (const Unit3_ &p_cam) |
template<class CAMERA , class POINT > | |
Point2_ | project2 (const Expression< CAMERA > &camera_, const Expression< POINT > &p_) |
template<class CALIBRATION , class POINT > | |
Point2_ | project3 (const Pose3_ &x, const Expression< POINT > &p, const Expression< CALIBRATION > &K) |
pair< Matrix, Matrix > | qr (const Matrix &A) |
GTSAM_EXPORT bool | readBAL (const std::string &filename, SfmData &data) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and stores the data into a SfmData structure. More... | |
GTSAM_EXPORT SfmData | readBal (const std::string &filename) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and returns the data as a SfmData structure. Mainly used by wrapped code. More... | |
bool | readBAL (const string &filename, SfmData &data) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and stores the data into a SfmData structure. More... | |
SfmData | readBal (const string &filename) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and returns the data as a SfmData structure. Mainly used by wrapped code. More... | |
GTSAM_EXPORT bool | readBundler (const std::string &filename, SfmData &data) |
This function parses a bundler output file and stores the data into a SfmData structure. More... | |
bool | readBundler (const string &filename, SfmData &data) |
This function parses a bundler output file and stores the data into a SfmData structure. More... | |
GTSAM_EXPORT GraphAndValues | readG2o (const std::string &g2oFile, const bool is3D=false, KernelFunctionType kernelFunctionType=KernelFunctionTypeNONE) |
This function parses a g2o file and stores the measurements into a NonlinearFactorGraph and the initial guess in a Values structure. More... | |
GraphAndValues | readG2o (const string &g2oFile, const bool is3D, KernelFunctionType kernelFunctionType) |
This function parses a g2o file and stores the measurements into a NonlinearFactorGraph and the initial guess in a Values structure. More... | |
void | recursiveMarkAffectedKeys (const Key &key, const ISAM2Clique::shared_ptr &clique, std::set< Key > &additionalKeys) |
template<int OutM, int OutN, int OutOptions, int InM, int InN, int InOptions> | |
Reshape< OutM, OutN, OutOptions, InM, InN, InOptions >::ReshapedType | reshape (const Eigen::Matrix< double, InM, InN, InOptions > &m) |
Point3_ | rotate (const Rot3_ &x, const Point3_ &p) |
Unit3_ | rotate (const Rot3_ &x, const Unit3_ &p) |
Rot3_ | rotation (const Pose3_ &pose) |
template<size_t d> | |
static Matrix | RoundSolutionS (const Matrix &S) |
template<class MATRIX > | |
const MATRIX::ConstRowXpr | row (const MATRIX &A, size_t j) |
pair< Matrix3, Vector3 > | RQ (const Matrix3 &A, OptionalJacobian< 3, 9 > H) |
Matrix | RtR (const Matrix &A) |
void | save (const Vector &v, const string &s, const string &filename) |
GTSAM_EXPORT void | save (const Vector &A, const std::string &s, const std::string &filename) |
GTSAM_EXPORT void | save (const Matrix &A, const std::string &s, const std::string &filename) |
void | save (const Matrix &A, const string &s, const string &filename) |
GTSAM_EXPORT void | save2D (const NonlinearFactorGraph &graph, const Values &config, const noiseModel::Diagonal::shared_ptr model, const std::string &filename) |
void | save2D (const NonlinearFactorGraph &graph, const Values &config, const noiseModel::Diagonal::shared_ptr model, const string &filename) |
void | scal (double alpha, Vector &x) |
static Scatter | scatterFromValues (const Values &values) |
static Scatter | scatterFromValues (const Values &values, const Ordering &ordering) |
template<class Archive > | |
void | serialize (Archive &ar, SO4 &Q, const unsigned int) |
template<class Archive > | |
void | serialize (Archive &ar, SO3 &R, const unsigned int) |
template<class Archive > | |
void | serialize (Archive &ar, SOn &Q, const unsigned int file_version) |
std::string | serializeGraph (const NonlinearFactorGraph &graph) |
bool | serializeGraphToFile (const NonlinearFactorGraph &graph, const std::string &fname) |
bool | serializeGraphToXMLFile (const NonlinearFactorGraph &graph, const std::string &fname, const std::string &name="graph") |
std::string | serializeGraphXML (const NonlinearFactorGraph &graph, const std::string &name="graph") |
std::string | serializeValues (const Values &values) |
bool | serializeValuesToFile (const Values &values, const std::string &fname) |
bool | serializeValuesToXMLFile (const Values &values, const std::string &fname, const std::string &name="values") |
std::string | serializeValuesXML (const Values &values, const std::string &name="values") |
static void | setSubvector (const Vector &src, const KeyInfo &keyInfo, const KeyVector &keys, Vector &dst) |
Matrix3 | skewSymmetric (double wx, double wy, double wz) |
template<class Derived > | |
Matrix3 | skewSymmetric (const Eigen::MatrixBase< Derived > &w) |
template<typename Container > | |
static vector< size_t > | sort_idx (const Container &src) |
SparseEigen | sparseJacobianEigen (const GaussianFactorGraph &gfg, const Ordering &ordering) |
Constructs an Eigen-format SparseMatrix of a GaussianFactorGraph. More... | |
SparseEigen | sparseJacobianEigen (const GaussianFactorGraph &gfg) |
static bool | SparseMinimumEigenValue (const Sparse &A, const Matrix &S, double *minEigenValue, Vector *minEigenVector=0, size_t *numIterations=0, size_t maxIterations=1000, double minEigenvalueNonnegativityTolerance=10e-4, Eigen::Index numLanczosVectors=20) |
template<class G , class KEY , class FACTOR2 > | |
void | split (const G &g, const PredecessorMap< KEY > &tree, G &Ab1, G &Ab2) |
std::pair< GaussianFactorGraph::shared_ptr, GaussianFactorGraph::shared_ptr > | splitFactorGraph (const GaussianFactorGraph &factorGraph, const Subgraph &subgraph) |
Matrix | stack (size_t nrMatrices,...) |
Matrix | stack (const std::vector< Matrix > &blocks) |
Vector | steepestDescent (const System &Ab, const Vector &x, const ConjugateGradientParameters ¶meters) |
Vector | steepestDescent (const Matrix &A, const Vector &b, const Vector &x, const ConjugateGradientParameters ¶meters) |
VectorValues | steepestDescent (const GaussianFactorGraph &fg, const VectorValues &x, const ConjugateGradientParameters ¶meters) |
GTSAM_EXPORT Vector | steepestDescent (const System &Ab, const Vector &x, const IterativeOptimizationParameters ¶meters) |
GTSAM_EXPORT Matrix43 | stiefel (const SO4 &Q, OptionalJacobian< 12, 6 > H) |
template<class MATRIX > | |
Eigen::Block< const MATRIX > | sub (const MATRIX &A, size_t i1, size_t i2, size_t j1, size_t j2) |
void | svd (const Matrix &A, Matrix &U, Vector &S, Matrix &V) |
Key | symbol (unsigned char c, std::uint64_t j) |
unsigned char | symbolChr (Key key) |
std::uint64_t | symbolIndex (Key key) |
void | synchronize (ConcurrentFilter &filter, ConcurrentSmoother &smoother) |
TEST (LPInitSolver, InfiniteLoopSingleVar) | |
TEST (LPInitSolver, InfiniteLoopMultiVar) | |
TEST (LPInitSolver, Initialization) | |
template<typename G > | |
void | testChartDerivatives (TestResult &result_, const std::string &name_, const G &t1, const G &t2) |
template<typename T > | |
void | testDefaultChart (TestResult &result_, const std::string &name_, const T &value) |
template<typename G > | |
void | testLieGroupDerivatives (TestResult &result_, const std::string &name_, const G &t1, const G &t2) |
void | tictoc_finishedIteration_ () |
void | tictoc_print2_ () |
void | tictoc_print_ () |
void | tictoc_reset_ () |
template<class G , class F , class KEY > | |
SDGraph< KEY > | toBoostGraph (const G &graph) |
GTSAM_EXPORT Matrix3 | topLeft (const SO4 &Q, OptionalJacobian< 9, 6 > H) |
Matrix | trans (const Matrix &A) |
template<class T , class P > | |
P | transform_point (const T &trans, const P &global, boost::optional< Matrix & > Dtrans, boost::optional< Matrix & > Dglobal) |
Point3_ | transformFrom (const Pose3_ &x, const Point3_ &p) |
Point2_ | transformTo (const Pose2_ &x, const Point2_ &p) |
Point3_ | transformTo (const Pose3_ &x, const Point3_ &p) |
Line3_ | transformTo (const Pose3_ &wTc, const Line3_ &wL) |
Line3 | transformTo (const Pose3 &wTc, const Line3 &wL, OptionalJacobian< 4, 6 > Dpose, OptionalJacobian< 4, 4 > Dline) |
Point3 | triangulateDLT (const std::vector< Matrix34, Eigen::aligned_allocator< Matrix34 >> &projection_matrices, const Point2Vector &measurements, double rank_tol) |
Vector4 | triangulateHomogeneousDLT (const std::vector< Matrix34, Eigen::aligned_allocator< Matrix34 >> &projection_matrices, const Point2Vector &measurements, double rank_tol) |
template<class CALIBRATION > | |
Point3 | triangulateNonlinear (const std::vector< Pose3 > &poses, boost::shared_ptr< CALIBRATION > sharedCal, const Point2Vector &measurements, const Point3 &initialEstimate) |
template<class CAMERA > | |
Point3 | triangulateNonlinear (const CameraSet< CAMERA > &cameras, const typename CAMERA::MeasurementVector &measurements, const Point3 &initialEstimate) |
template<class CALIBRATION > | |
Point3 | triangulatePoint3 (const std::vector< Pose3 > &poses, boost::shared_ptr< CALIBRATION > sharedCal, const Point2Vector &measurements, double rank_tol=1e-9, bool optimize=false) |
template<class CAMERA > | |
Point3 | triangulatePoint3 (const CameraSet< CAMERA > &cameras, const typename CAMERA::MeasurementVector &measurements, double rank_tol=1e-9, bool optimize=false) |
template<class CALIBRATION > | |
Point3 | triangulatePoint3 (const CameraSet< PinholeCamera< CALIBRATION > > &cameras, const Point2Vector &measurements, double rank_tol=1e-9, bool optimize=false) |
Pinhole-specific version. More... | |
template<class CAMERA > | |
TriangulationResult | triangulateSafe (const CameraSet< CAMERA > &cameras, const typename CAMERA::MeasurementVector &measured, const TriangulationParameters ¶ms) |
triangulateSafe: extensive checking of the outcome More... | |
template<class CALIBRATION > | |
std::pair< NonlinearFactorGraph, Values > | triangulationGraph (const std::vector< Pose3 > &poses, boost::shared_ptr< CALIBRATION > sharedCal, const Point2Vector &measurements, Key landmarkKey, const Point3 &initialEstimate) |
template<class CAMERA > | |
std::pair< NonlinearFactorGraph, Values > | triangulationGraph (const CameraSet< CAMERA > &cameras, const typename CAMERA::MeasurementVector &measurements, Key landmarkKey, const Point3 &initialEstimate) |
template<class CALIBRATION > | |
Point2_ | uncalibrate (const Expression< CALIBRATION > &K, const Point2_ &xy_hat) |
Point3_ | unrotate (const Rot3_ &x, const Point3_ &p) |
Unit3_ | unrotate (const Rot3_ &x, const Unit3_ &p) |
static Vector9 | vec3 (const Matrix3 &R) |
static SO4::VectorN2 | vec4 (const Matrix4 &Q) |
Matrix | vector_scale (const Vector &v, const Matrix &A, bool inf_mask) |
Matrix | vector_scale (const Matrix &A, const Vector &v, bool inf_mask) |
void | vector_scale_inplace (const Vector &v, Matrix &A, bool inf_mask) |
Velocity3_ | velocity (const NavState_ &X) |
template<class T > | |
Matrix | wedge (const Vector &x) |
template<> | |
Matrix | wedge< Pose2 > (const Vector &xi) |
template<> | |
Matrix | wedge< Pose3 > (const Vector &xi) |
template<> | |
Matrix | wedge< Similarity3 > (const Vector &xi) |
list< boost::tuple< Vector, double, double > > | weighted_eliminate (Matrix &A, Vector &b, const Vector &sigmas) |
double | weightedPseudoinverse (const Vector &a, const Vector &weights, Vector &pseudo) |
pair< Vector, double > | weightedPseudoinverse (const Vector &a, const Vector &weights) |
GTSAM_EXPORT bool | writeBAL (const std::string &filename, SfmData &data) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure. More... | |
bool | writeBAL (const string &filename, SfmData &data) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure. More... | |
GTSAM_EXPORT bool | writeBALfromValues (const std::string &filename, const SfmData &data, Values &values) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure and a value structure (measurements are the same as the SfM input data, while camera poses and values are read from Values) More... | |
bool | writeBALfromValues (const string &filename, const SfmData &data, Values &values) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure and a value structure (measurements are the same as the SfM input data, while camera poses and values are read from Values) More... | |
GTSAM_EXPORT void | writeG2o (const NonlinearFactorGraph &graph, const Values &estimate, const std::string &filename) |
This function writes a g2o file from NonlinearFactorGraph and a Values structure. More... | |
void | writeG2o (const NonlinearFactorGraph &graph, const Values &estimate, const string &filename) |
This function writes a g2o file from NonlinearFactorGraph and a Values structure. More... | |
template<class MATRIX > | |
void | zeroBelowDiagonal (MATRIX &A, size_t cols=0) |
Standard serialization | |
Serialization in default compressed format | |
template<class T > | |
void | serializeToStream (const T &input, std::ostream &out_archive_stream) |
template<class T > | |
void | deserializeFromStream (std::istream &in_archive_stream, T &output) |
deserializes from a stream More... | |
template<class T > | |
std::string | serializeToString (const T &input) |
serializes to a string More... | |
template<class T > | |
void | deserializeFromString (const std::string &serialized, T &output) |
deserializes from a string More... | |
template<class T > | |
bool | serializeToFile (const T &input, const std::string &filename) |
serializes to a file More... | |
template<class T > | |
bool | deserializeFromFile (const std::string &filename, T &output) |
deserializes from a file More... | |
template<class T > | |
std::string | serialize (const T &input) |
serializes to a string More... | |
template<class T > | |
void | deserialize (const std::string &serialized, T &output) |
deserializes from a string More... | |
XML Serialization | |
Serialization to XML format with named structures | |
template<class T > | |
void | serializeToXMLStream (const T &input, std::ostream &out_archive_stream, const std::string &name="data") |
template<class T > | |
void | deserializeFromXMLStream (std::istream &in_archive_stream, T &output, const std::string &name="data") |
deserializes from a stream in XML More... | |
template<class T > | |
std::string | serializeToXMLString (const T &input, const std::string &name="data") |
serializes to a string in XML More... | |
template<class T > | |
void | deserializeFromXMLString (const std::string &serialized, T &output, const std::string &name="data") |
deserializes from a string in XML More... | |
template<class T > | |
bool | serializeToXMLFile (const T &input, const std::string &filename, const std::string &name="data") |
serializes to an XML file More... | |
template<class T > | |
bool | deserializeFromXMLFile (const std::string &filename, T &output, const std::string &name="data") |
deserializes from an XML file More... | |
template<class T > | |
std::string | serializeXML (const T &input, const std::string &name="data") |
serializes to a string in XML More... | |
template<class T > | |
void | deserializeXML (const std::string &serialized, T &output, const std::string &name="data") |
deserializes from a string in XML More... | |
Binary Serialization | |
Serialization to binary format with named structures | |
template<class T > | |
void | serializeToBinaryStream (const T &input, std::ostream &out_archive_stream, const std::string &name="data") |
template<class T > | |
void | deserializeFromBinaryStream (std::istream &in_archive_stream, T &output, const std::string &name="data") |
deserializes from a stream in binary More... | |
template<class T > | |
std::string | serializeToBinaryString (const T &input, const std::string &name="data") |
serializes to a string in binary More... | |
template<class T > | |
void | deserializeFromBinaryString (const std::string &serialized, T &output, const std::string &name="data") |
deserializes from a string in binary More... | |
template<class T > | |
bool | serializeToBinaryFile (const T &input, const std::string &filename, const std::string &name="data") |
serializes to a binary file More... | |
template<class T > | |
bool | deserializeFromBinaryFile (const std::string &filename, T &output, const std::string &name="data") |
deserializes from a binary file More... | |
template<class T > | |
std::string | serializeBinary (const T &input, const std::string &name="data") |
serializes to a string in binary More... | |
template<class T > | |
void | deserializeBinary (const std::string &serialized, T &output, const std::string &name="data") |
deserializes from a string in binary More... | |
utility functions | |
VectorValues | buildVectorValues (const Vector &v, const KeyInfo &keyInfo) |
Create VectorValues from a Vector and a KeyInfo class. More... | |
VectorValues | buildVectorValues (const Vector &v, const Ordering &ordering, const std::map< Key, size_t > &dimensions) |
Create VectorValues from a Vector. More... | |
Variables | |
const G & | b |
static const size_t | chrBits = sizeof(unsigned char) * 8 |
static const Key | chrMask = Key(UCHAR_MAX) << indexBits |
GTSAM_EXPORT FastMap< std::string, ValueWithDefault< bool, false > > | debugFlags |
static const KeyFormatter | DefaultKeyFormatter = &_defaultKeyFormatter |
static size_t | gDummyCount = 0 |
static const size_t | indexBits = keyBits - chrBits |
static const Key | indexMask = ~chrMask |
static double | intNoiseVar = 0.0000001 |
static const size_t | keyBits = sizeof(Key) * 8 |
static const Vector | kGravity = Vector::Unit(3,2)*9.81 |
static const size_t | kHeightIndex = 5 |
static const Matrix3 | kIntegrationErrorCovariance = intNoiseVar * I_3x3 |
static const size_t | kPitchIndex = 1 |
static const size_t | kRollIndex = 0 |
static const std::vector< size_t > | kVelocityIndices = { 6, 7, 8 } |
static const size_t | kVelocityZIndex = 8 |
const double | logSqrt2PI = log(std::sqrt(2.0 * M_PI)) |
constant needed below More... | |
const size_t | max_it = 100000 |
static const gtsam::KeyFormatter | MultiRobotKeyFormatter |
static const double | negativePivotThreshold = -1e-1 |
static const Matrix93 | P3 |
static const Eigen::Matrix< double, 16, 6 > | P4 |
static const Rot2 | R_PI_2 (Rot2::fromCosSin(0., 1.)) |
const G double | tol |
static const int | underconstrainedExponentDifference = 12 |
static const double | underconstrainedPrior = 1e-5 |
static const Eigen::MatrixBase< Vector2 >::ConstantReturnType | Z_2x1 = Vector2::Zero() |
static const Eigen::MatrixBase< Vector3 >::ConstantReturnType | Z_3x1 = Vector3::Zero() |
static const double | zeroPivotThreshold = 1e-6 |
traits
Global functions in a separate testing namespace
These should not be used outside of tests, as they are just remappings of the original functions. We use these to avoid needing to do too much boost::bind magic or writing a bunch of separate proxy functions.
Don't expect all classes to work for all of these functions.
Matrix is a typedef in the gtsam namespace TODO: make a version to work with matlab wrapping we use the default < double,col_major,unbounded_array<double> >
triangulationFactor.h
typedef qi::grammar<boost::spirit::basic_istream_iterator<char> > gtsam::base_grammar |
Definition at line 408 of file QPSParser.cpp.
using gtsam::BearingRange2D = typedef BearingRange<Pose2, Point2> |
Definition at line 442 of file dataset.cpp.
using gtsam::BetweenFactorPose2s = typedef std::vector<BetweenFactor<Pose2>::shared_ptr> |
using gtsam::BetweenFactorPose3s = typedef std::vector<BetweenFactor<Pose3>::shared_ptr> |
using gtsam::BinaryMeasurementsUnit3 = typedef std::vector<BinaryMeasurement<Unit3>> |
typedef Expression<Cal3_S2> gtsam::Cal3_S2_ |
Definition at line 80 of file slam/expressions.h.
typedef Expression<Cal3Bundler> gtsam::Cal3Bundler_ |
Definition at line 81 of file slam/expressions.h.
typedef PinholeCamera<Cal3Bundler0> gtsam::Camera |
Definition at line 55 of file testAdaptAutoDiff.cpp.
using gtsam::CameraSetCal3_S2 = typedef CameraSet<PinholeCamera<Cal3_S2>> |
Definition at line 501 of file triangulation.h.
using gtsam::CameraSetCal3Bundler = typedef CameraSet<PinholeCamera<Cal3Bundler>> |
Definition at line 500 of file triangulation.h.
Typedef for Matlab wrapping.
Definition at line 254 of file ConcurrentBatchFilter.h.
Typedef for Matlab wrapping.
Definition at line 205 of file ConcurrentBatchSmoother.h.
Typedef for Matlab wrapping.
Definition at line 199 of file ConcurrentIncrementalFilter.h.
Typedef for Matlab wrapping.
Definition at line 169 of file ConcurrentIncrementalSmoother.h.
typedef Eigen::Block<const Matrix> gtsam::ConstSubMatrix |
Definition at line 74 of file base/Matrix.h.
typedef Eigen::VectorBlock<const Vector> gtsam::ConstSubVector |
typedef ptrdiff_t gtsam::DenseIndex |
typedef DirectProduct<S2, S3> gtsam::Dih6 |
Definition at line 107 of file testGroup.cpp.
typedef std::pair<Key,size_t> gtsam::DiscreteKey |
Key type for discrete conditionals Includes name and cardinality
Definition at line 34 of file DiscreteKey.h.
typedef Expression<double> gtsam::Double_ |
Definition at line 28 of file nonlinear/expressions.h.
typedef DSF<int> gtsam::DSFInt |
typedef DSFMap<IndexPair> gtsam::DSFMapIndexPair |
using gtsam::DynamicJacobian = typedef OptionalJacobian<Eigen::Dynamic, Eigen::Dynamic> |
using gtsam::enable_if_t = typedef typename std::enable_if<B, T>::type |
An shorthand alias for accessing the type inside std::enable_if that can be used in a template directly.
Definition at line 31 of file make_shared.h.
typedef std::uint64_t gtsam::FactorIndex |
typedef FastSet<FactorIndex> gtsam::FactorIndexSet |
typedef FastVector< FactorIndex > gtsam::FactorIndices |
using gtsam::FastVector = typedef std::vector<T, typename internal::FastDefaultVectorAllocator<T>::type> |
Definition at line 34 of file FastVector.h.
Typedef for matlab wrapping.
Definition at line 134 of file FixedLagSmoother.h.
typedef FixedLagSmootherKeyTimestampMap::value_type gtsam::FixedLagSmootherKeyTimestampMapValue |
Definition at line 135 of file FixedLagSmoother.h.
Definition at line 136 of file FixedLagSmoother.h.
using gtsam::GraphAndValues = typedef std::pair<NonlinearFactorGraph::shared_ptr, Values::shared_ptr> |
Return type for load functions, which return a graph and initial values. For landmarks, the gtsam::Symbol L(index) is used to insert into the Values. Bearing-range measurements also refer to landmarks with L(index).
typedef std::pair<std::pair<size_t, size_t>, Pose2> gtsam::IndexedEdge |
typedef std::pair<size_t, Point2> gtsam::IndexedLandmark |
typedef std::pair<size_t, Pose2> gtsam::IndexedPose |
typedef std::set<IndexPair> gtsam::IndexPairSet |
typedef std::map<IndexPair, IndexPairSet> gtsam::IndexPairSetMap |
typedef std::vector<IndexPair> gtsam::IndexPairVector |
typedef FastMap<char, Vector> gtsam::ISAM2ThresholdMap |
Definition at line 133 of file ISAM2Params.h.
typedef ISAM2ThresholdMap::value_type gtsam::ISAM2ThresholdMapValue |
Definition at line 134 of file ISAM2Params.h.
typedef std::uint64_t gtsam::Key |
using gtsam::KeyDimMap = typedef std::map<Key, size_t> |
typedef std::function<std::string(Key)> gtsam::KeyFormatter |
typedef FastList<Key> gtsam::KeyList |
typedef std::map<std::pair<Key, Key>, double> gtsam::KeyPairDoubleMap |
typedef std::map<Key, Rot3> gtsam::KeyRotMap |
Definition at line 35 of file InitializePose3.h.
typedef FastSet<Key> gtsam::KeySet |
typedef FastVector<Key> gtsam::KeyVector |
typedef std::map<Key, std::vector<size_t> > gtsam::KeyVectorMap |
Definition at line 34 of file InitializePose3.h.
typedef Expression<Line3> gtsam::Line3_ |
Definition at line 35 of file slam/expressions.h.
using gtsam::LPSolver = typedef ActiveSetSolver<LP, LPPolicy, LPInitSolver> |
Definition at line 77 of file LPSolver.h.
typedef Eigen::MatrixXd gtsam::Matrix |
Definition at line 43 of file base/Matrix.h.
typedef Eigen::Matrix<double, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor> gtsam::MatrixRowMajor |
Definition at line 44 of file base/Matrix.h.
typedef Expression<NavState> gtsam::NavState_ |
Definition at line 17 of file navigation/expressions.h.
using gtsam::Parser = typedef std::function<boost::optional<T>(istream &is, const string &tag)> |
Definition at line 119 of file dataset.cpp.
using gtsam::PinholeCameraCal3_S2 = typedef gtsam::PinholeCamera<gtsam::Cal3_S2> |
Convenient aliases for Pinhole camera classes with different calibrations. Also needed as forward declarations in the wrapper.
Definition at line 32 of file SimpleCamera.h.
using gtsam::PinholeCameraCal3Bundler = typedef gtsam::PinholeCamera<gtsam::Cal3Bundler> |
Definition at line 33 of file SimpleCamera.h.
using gtsam::PinholeCameraCal3DS2 = typedef gtsam::PinholeCamera<gtsam::Cal3DS2> |
Definition at line 34 of file SimpleCamera.h.
using gtsam::PinholeCameraCal3Unified = typedef gtsam::PinholeCamera<gtsam::Cal3Unified> |
Definition at line 35 of file SimpleCamera.h.
typedef Vector2 gtsam::Point2 |
typedef Expression<Point2> gtsam::Point2_ |
Definition at line 21 of file slam/expressions.h.
typedef std::pair< Point2, Point2 > gtsam::Point2Pair |
typedef std::vector<Point2, Eigen::aligned_allocator<Point2> > gtsam::Point2Vector |
typedef Vector3 gtsam::Point3 |
typedef Expression<Point3> gtsam::Point3_ |
Definition at line 31 of file slam/expressions.h.
using gtsam::Point3Pair = typedef std::pair<Point3, Point3> |
typedef vector< Point3Pair > gtsam::Point3Pairs |
typedef Expression<Pose2> gtsam::Pose2_ |
Definition at line 23 of file slam/expressions.h.
typedef Expression<Pose3> gtsam::Pose3_ |
Definition at line 34 of file slam/expressions.h.
using gtsam::Pose3Pair = typedef std::pair<Pose3, Pose3> |
using gtsam::Pose3Pairs = typedef std::vector<std::pair<Pose3, Pose3> > |
typedef std::vector<Pose3> gtsam::Pose3Vector |
Definition at line 37 of file CombinedImuFactor.h.
using gtsam::QPSolver = typedef ActiveSetSolver<QP, QPPolicy, QPInitSolver> |
Definition at line 46 of file QPSolver.h.
typedef Eigen::Quaternion<double, Eigen::DontAlign> gtsam::Quaternion |
Definition at line 172 of file geometry/Quaternion.h.
typedef Expression<Rot2> gtsam::Rot2_ |
Definition at line 22 of file slam/expressions.h.
typedef Expression<Rot3> gtsam::Rot3_ |
Definition at line 33 of file slam/expressions.h.
typedef Eigen::RowVectorXd gtsam::RowVector |
Definition at line 25 of file LinearCost.h.
typedef PinholeCamera<Cal3Bundler> gtsam::SfmCamera |
typedef std::pair<size_t, Point2> gtsam::SfmMeasurement |
Definition at line 737 of file NoiseModel.h.
Definition at line 736 of file NoiseModel.h.
Definition at line 735 of file NoiseModel.h.
Definition at line 738 of file NoiseModel.h.
Note, deliberately not in noiseModel namespace. Deprecated. Only for compatibility with previous version.
Definition at line 734 of file NoiseModel.h.
using gtsam::ShonanAveragingParameters2 = typedef ShonanAveragingParameters<2> |
Definition at line 104 of file ShonanAveraging.h.
using gtsam::ShonanAveragingParameters3 = typedef ShonanAveragingParameters<3> |
Definition at line 105 of file ShonanAveraging.h.
using gtsam::ShonanFactor2 = typedef ShonanFactor<2> |
Definition at line 88 of file ShonanFactor.h.
using gtsam::ShonanFactor3 = typedef ShonanFactor<3> |
Definition at line 89 of file ShonanFactor.h.
typedef std::pair<size_t, size_t> gtsam::SiftIndex |
typedef std::vector<SimPolygon2D> gtsam::SimPolygon2DVector |
Definition at line 131 of file SimPolygon2D.h.
typedef std::vector<SimWall2D> gtsam::SimWall2DVector |
Definition at line 69 of file SimWall2D.h.
Definition at line 42 of file SmartStereoProjectionFactor.h.
using gtsam::SO3 = typedef SO<3> |
using gtsam::SO4 = typedef SO<4> |
using gtsam::SOn = typedef SO<Eigen::Dynamic> |
typedef Eigen::SparseMatrix< double > gtsam::Sparse |
Definition at line 26 of file AcceleratedPowerMethod.h.
typedef Eigen::SparseMatrix<double, Eigen::ColMajor, int> gtsam::SparseEigen |
Eigen-format sparse matrix. Note: ColMajor is ~20% faster since InnerIndices must be sorted
Definition at line 35 of file SparseEigen.h.
using gtsam::SparseTriplets = typedef std::vector<std::tuple<int, int, double> > |
Definition at line 103 of file GaussianFactorGraph.cpp.
Definition at line 62 of file DoglegOptimizer.cpp.
typedef std::vector<StereoPoint2> gtsam::StereoPoint2Vector |
Definition at line 162 of file StereoPoint2.h.
typedef Eigen::Block<Matrix> gtsam::SubMatrix |
Definition at line 73 of file base/Matrix.h.
typedef Eigen::VectorBlock<Vector> gtsam::SubVector |
Definition at line 193 of file NonlinearOptimizerParams.h.
typedef Expression<Unit3> gtsam::Unit3_ |
Definition at line 32 of file slam/expressions.h.
typedef Eigen::VectorXd gtsam::Vector |
typedef Eigen::Matrix<double, 1, 1> gtsam::Vector1 |
typedef Expression<Vector1> gtsam::Vector1_ |
Definition at line 29 of file nonlinear/expressions.h.
typedef Eigen::Vector2d gtsam::Vector2 |
typedef Expression<Vector2> gtsam::Vector2_ |
Definition at line 30 of file nonlinear/expressions.h.
typedef Eigen::Vector3d gtsam::Vector3 |
typedef Expression<Vector3> gtsam::Vector3_ |
Definition at line 31 of file nonlinear/expressions.h.
typedef Expression<Vector4> gtsam::Vector4_ |
Definition at line 32 of file nonlinear/expressions.h.
typedef Expression<Vector5> gtsam::Vector5_ |
Definition at line 33 of file nonlinear/expressions.h.
typedef Expression<Vector6> gtsam::Vector6_ |
Definition at line 34 of file nonlinear/expressions.h.
typedef Expression<Vector7> gtsam::Vector7_ |
Definition at line 35 of file nonlinear/expressions.h.
typedef Expression<Vector8> gtsam::Vector8_ |
Definition at line 36 of file nonlinear/expressions.h.
typedef Expression<Vector9> gtsam::Vector9_ |
Definition at line 37 of file nonlinear/expressions.h.
typedef Vector3 gtsam::Velocity3 |
Velocity is currently typedef'd to Vector3.
Syntactic sugar to clarify components.
Definition at line 28 of file NavState.h.
typedef Expression<Velocity3> gtsam::Velocity3_ |
Definition at line 18 of file navigation/expressions.h.
using gtsam::void_t = typedef void |
How to manage degeneracy.
Enumerator | |
---|---|
IGNORE_DEGENERACY | |
ZERO_ON_DEGENERACY | |
HANDLE_INFINITY |
Definition at line 35 of file SmartFactorParams.h.
enum gtsam::GncLossType |
Linearization mode: what factor to linearize to.
SmartFactorParams: parameters and (linearization/degeneracy) modes for SmartProjection and SmartStereoProjection factors
Enumerator | |
---|---|
HESSIAN | |
IMPLICIT_SCHUR | |
JACOBIAN_Q | |
JACOBIAN_SVD |
Definition at line 30 of file SmartFactorParams.h.
enum gtsam::NoiseFormat |
Indicates how noise parameters are stored in file.
GTSAM_EXPORT std::string gtsam::_defaultKeyFormatter | ( | Key | key | ) |
|
private |
This function is to add shims for the long-gone Point2 and Point3 types
Definition at line 6 of file python/gtsam/__init__.py.
GTSAM_EXPORT std::string gtsam::_multirobotKeyFormatter | ( | Key | key | ) |
|
static |
boost::optional<Pose2> gtsam::align | ( | const vector< Point2Pair > & | pairs | ) |
GTSAM_EXPORT boost::optional<Pose2> gtsam::align | ( | const std::vector< Point2Pair > & | pairs | ) |
boost::optional<Pose3> gtsam::align | ( | const Point3Pairs & | baPointPairs | ) |
DecisionTree<L, Y> gtsam::apply | ( | const DecisionTree< L, Y > & | f, |
const typename DecisionTree< L, Y >::Unary & | op | ||
) |
free versions of apply
Definition at line 216 of file DecisionTree.h.
DecisionTree<L, Y> gtsam::apply | ( | const DecisionTree< L, Y > & | f, |
const DecisionTree< L, Y > & | g, | ||
const typename DecisionTree< L, Y >::Binary & | op | ||
) |
Definition at line 222 of file DecisionTree.h.
bool gtsam::assert_container_equal | ( | const std::map< V1, V2 > & | expected, |
const std::map< V1, V2 > & | actual, | ||
double | tol = 1e-9 |
||
) |
Function for comparing maps of testable->testable TODO: replace with more generalized version
Definition at line 117 of file TestableAssertions.h.
bool gtsam::assert_container_equal | ( | const std::map< size_t, V2 > & | expected, |
const std::map< size_t, V2 > & | actual, | ||
double | tol = 1e-9 |
||
) |
Function for comparing maps of size_t->testable
Definition at line 155 of file TestableAssertions.h.
bool gtsam::assert_container_equal | ( | const std::vector< std::pair< V1, V2 > > & | expected, |
const std::vector< std::pair< V1, V2 > > & | actual, | ||
double | tol = 1e-9 |
||
) |
Function for comparing vector of pairs (testable, testable)
Definition at line 193 of file TestableAssertions.h.
bool gtsam::assert_container_equal | ( | const V & | expected, |
const V & | actual, | ||
double | tol = 1e-9 |
||
) |
General function for comparing containers of testable objects
Definition at line 233 of file TestableAssertions.h.
bool gtsam::assert_container_equality | ( | const std::map< size_t, V2 > & | expected, |
const std::map< size_t, V2 > & | actual | ||
) |
Function for comparing maps of size_t->testable Types are assumed to have operator ==
Definition at line 264 of file TestableAssertions.h.
General function for comparing containers of objects with operator==
Definition at line 302 of file TestableAssertions.h.
Equals testing for basic types
Definition at line 34 of file TestableAssertions.h.
equals with an tolerance, prints out message if unequal
Same, prints if error
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 42 of file Matrix.cpp.
bool gtsam::assert_equal | ( | const boost::optional< V > & | expected, |
const boost::optional< V > & | actual, | ||
double | tol = 1e-9 |
||
) |
Comparisons for boost.optional objects that checks whether objects exist before comparing their values. First version allows for both to be boost::none, but the second, with expected given rather than optional
Concept requirement: V is testable
Definition at line 50 of file TestableAssertions.h.
bool gtsam::assert_equal | ( | const V & | expected, |
const boost::optional< V > & | actual, | ||
double | tol = 1e-9 |
||
) |
Definition at line 66 of file TestableAssertions.h.
GTSAM_EXPORT bool gtsam::assert_equal | ( | const std::list< Matrix > & | As, |
const std::list< Matrix > & | Bs, | ||
double | tol = 1e-9 |
||
) |
equals with an tolerance, prints out message if unequal
Definition at line 71 of file Matrix.cpp.
bool gtsam::assert_equal | ( | const V & | expected, |
const boost::optional< const V & > & | actual, | ||
double | tol = 1e-9 |
||
) |
Definition at line 75 of file TestableAssertions.h.
bool gtsam::assert_equal | ( | const std::vector< V > & | expected, |
const std::vector< V > & | actual, | ||
double | tol = 1e-9 |
||
) |
Version of assert_equals to work with vectors
Definition at line 88 of file TestableAssertions.h.
bool gtsam::assert_equal | ( | const V & | expected, |
const V & | actual, | ||
double | tol = 1e-9 |
||
) |
This template works for any type with equals
Definition at line 97 of file Testable.h.
Same, prints if error
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 145 of file Vector.cpp.
GTSAM_EXPORT bool gtsam::assert_equal | ( | const SubVector & | vec1, |
const SubVector & | vec2, | ||
double | tol = 1e-9 |
||
) |
Same, prints if error
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 163 of file Vector.cpp.
GTSAM_EXPORT bool gtsam::assert_equal | ( | const ConstSubVector & | expected, |
const ConstSubVector & | actual, | ||
double | tol | ||
) |
Definition at line 172 of file Vector.cpp.
|
inline |
Compare strings for unit tests
Definition at line 331 of file TestableAssertions.h.
inequals with an tolerance, prints out message if within tolerance
Not the same, prints if error
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 62 of file Matrix.cpp.
Not the same, prints if error
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 154 of file Vector.cpp.
bool gtsam::assert_inequal | ( | const V & | expected, |
const V & | actual, | ||
double | tol = 1e-9 |
||
) |
Allow for testing inequality
Definition at line 344 of file TestableAssertions.h.
bool gtsam::assert_print_equal | ( | const std::string & | expected, |
const V & | actual, | ||
const std::string & | s = "" |
||
) |
Capture print function output and compare against string.
s | Optional string to pass to the print() method. |
Definition at line 379 of file TestableAssertions.h.
bool gtsam::assert_stdout_equal | ( | const std::string & | expected, |
const V & | actual | ||
) |
Capture std out via cout stream and compare against string.
Definition at line 357 of file TestableAssertions.h.
Definition at line 34 of file navigation/expressions.h.
|
inline |
BLAS Level 1 axpy: y <- alpha*x + y
GTSAM_EXPORT void gtsam::axpy< Errors, Errors > | ( | double | alpha, |
const Errors & | x, | ||
Errors & | y | ||
) |
BLAS level 2 style
Definition at line 114 of file Errors.cpp.
void gtsam::axpy< Errors, Errors > | ( | double | alpha, |
const Errors & | x, | ||
Errors & | y | ||
) |
BLAS level 2 style
Definition at line 114 of file Errors.cpp.
GTSAM_EXPORT Vector gtsam::backSubstituteLower | ( | const Matrix & | L, |
const Vector & | b, | ||
bool | unit = false |
||
) |
backSubstitute L*x=b
L | an lower triangular matrix |
b | an RHS vector |
unit,set | true if unit triangular |
Definition at line 366 of file Matrix.cpp.
GTSAM_EXPORT Vector gtsam::backSubstituteUpper | ( | const Matrix & | U, |
const Vector & | b, | ||
bool | unit = false |
||
) |
backSubstitute U*x=b
U | an upper triangular matrix |
b | an RHS vector |
unit,set | true if unit triangular |
backSubstitute x'*U=b'
U | an upper triangular matrix |
b | an RHS vector |
unit,set | true if unit triangular |
Definition at line 376 of file Matrix.cpp.
backSubstitute x'*U=b'
U | an upper triangular matrix |
b | an RHS vector |
unit,set | true if unit triangular |
Definition at line 386 of file Matrix.cpp.
AGC: bracket() only appears in Rot3 tests, should this be used elsewhere?
Three term approximation of the Baker-Campbell-Hausdorff formula In non-commutative Lie groups, when composing exp(Z) = exp(X)exp(Y) it is not true that Z = X+Y. Instead, Z can be calculated using the BCH formula: Z = X + Y + [X,Y]/2 + [X-Y,[X,Y]]/12 - [Y,[X,[X,Y]]]/24 http://en.wikipedia.org/wiki/Baker-Campbell-Hausdorff_formula
Expression<T> gtsam::between | ( | const Expression< T > & | t1, |
const Expression< T > & | t2 | ||
) |
Definition at line 17 of file nonlinear/expressions.h.
gtsam::BOOST_CONCEPT_ASSERT | ( | (boost::RandomAccessRangeConcept< ListOfOneContainer< int > >) | ) |
Check invariants.
gtsam::BOOST_CONCEPT_REQUIRES | ( | ((IsTestable< T >)) | , |
(bool) | |||
) | const |
Check invariants for Manifold type.
double gtsam::bound | ( | double | a, |
double | min, | ||
double | max | ||
) |
Definition at line 17 of file PoseRTV.cpp.
boost::shared_ptr< GaussianFactorGraph > gtsam::buildFactorSubgraph | ( | const GaussianFactorGraph & | gfg, |
const Subgraph & | subgraph, | ||
const bool | clone | ||
) |
Select the factors in a factor graph according to the subgraph.
Definition at line 449 of file SubgraphBuilder.cpp.
VectorValues gtsam::buildVectorValues | ( | const Vector & | v, |
const Ordering & | ordering, | ||
const std::map< Key, size_t > & | dimensions | ||
) |
Create VectorValues from a Vector.
Definition at line 140 of file PCGSolver.cpp.
VectorValues gtsam::buildVectorValues | ( | const Vector & | v, |
const Ordering & | ordering, | ||
const map< Key, size_t > & | dimensions | ||
) |
Create VectorValues from a Vector.
Definition at line 140 of file PCGSolver.cpp.
VectorValues gtsam::buildVectorValues | ( | const Vector & | v, |
const KeyInfo & | keyInfo | ||
) |
Create VectorValues from a Vector and a KeyInfo class.
Definition at line 161 of file PCGSolver.cpp.
void gtsam::calibrateJacobians | ( | const Cal & | calibration, |
const Point2 & | pn, | ||
OptionalJacobian< 2, Dim > | Dcal = boost::none , |
||
OptionalJacobian< 2, 2 > | Dp = boost::none |
||
) |
Function which makes use of the Implicit Function Theorem to compute the Jacobians of calibrate
using uncalibrate
. This is useful when there are iterative operations in the calibrate
function which make computing jacobians difficult.
Given f(pi, pn) = uncalibrate(pn) - pi, and g(pi) = calibrate, we can easily compute the Jacobians: df/pi = -I (pn and pi are independent args) Dp = -inv(H_uncal_pn) * df/pi = -inv(H_uncal_pn) * (-I) = inv(H_uncal_pn) Dcal = -inv(H_uncal_pn) * df/K = -inv(H_uncal_pn) * H_uncal_K
Cal | Calibration model. |
Dim | The number of parameters in the calibration model. |
p | Calibrated point. |
Dcal | optional 2*p Jacobian wrpt p Cal3DS2 parameters. |
Dp | optional 2*2 Jacobian wrpt intrinsic coordinates. |
std::vector<Assignment<L> > gtsam::cartesianProduct | ( | const std::vector< std::pair< L, size_t > > & | keys | ) |
Get Cartesian product consisting all possible configurations.
vector | list of keys (label,cardinality) pairs. |
This function returns a vector of Assignment values for all possible (Cartesian product) configurations of set of Keys which are nothing but (Label,cardinality) pairs. This function should NOT be called for more than a small number of variables and cardinalities. E.g. For 6 variables with each having cardinalities 4, we get 4096 possible configurations!!
Definition at line 62 of file Assignment.h.
|
static |
Definition at line 88 of file NonlinearFactor.cpp.
bool gtsam::check_sharedCliques | ( | const std::pair< Key, typename BayesTree< CLIQUE >::sharedClique > & | v1, |
const std::pair< Key, typename BayesTree< CLIQUE >::sharedClique > & | v2 | ||
) |
Definition at line 203 of file BayesTree-inst.h.
GTSAM_EXPORT bool gtsam::checkConvergence | ( | double | relativeErrorTreshold, |
double | absoluteErrorTreshold, | ||
double | errorThreshold, | ||
double | currentError, | ||
double | newError, | ||
NonlinearOptimizerParams::Verbosity | verbosity = NonlinearOptimizerParams::SILENT |
||
) |
Check whether the relative error decrease is less than relativeErrorTreshold, the absolute error decrease is less than absoluteErrorTreshold, or the error itself is less than errorThreshold.
Definition at line 183 of file NonlinearOptimizer.cpp.
GTSAM_EXPORT bool gtsam::checkConvergence | ( | const NonlinearOptimizerParams & | params, |
double | currentError, | ||
double | newError | ||
) |
Definition at line 235 of file NonlinearOptimizer.cpp.
|
static |
Definition at line 38 of file GncOptimizer.h.
Return the inverse of a S.P.D. matrix. Inversion is done via Cholesky decomposition.
Definition at line 538 of file Matrix.cpp.
"Careful" Cholesky computes the positive square-root of a positive symmetric semi-definite matrix (i.e. that may be rank-deficient). Unlike standard Cholesky, the square-root factor may have all-zero rows for free variables.
Additionally, this function returns the index of the row after the last non-zero row in the computed factor, so that it may be truncated to an upper-trapazoidal matrix.
The second element of the return value is true
if the matrix was factored successfully, or false
if it was non-positive-semidefinite (i.e. indefinite or negative-(semi-)definite.
Note that this returned index is the rank of the matrix if and only if all of the zero-rows of the factor occur after any non-zero rows. This is (always?) the case during elimination of a fully-constrained least-squares problem.
The optional order argument specifies the size of the square upper-left submatrix to operate on, ignoring the rest of the matrix.
Definition at line 76 of file base/cholesky.cpp.
Partial Cholesky computes a factor [R S such that [R' 0 [R S = [A B 0 L] S' I] 0 L] B' C]. The input to this function is the matrix ABC = [A B], and the parameter [B' C] nFrontal determines the split between A, B, and C, with A being of size nFrontal x nFrontal.
if non-zero, factorization proceeds in bottom-right corner starting at topleft
true
if the decomposition is successful, false
if A
was not positive-definite. Definition at line 108 of file base/cholesky.cpp.
Definition at line 36 of file base/cholesky.cpp.
GTSAM_EXPORT boost::optional< Point2 > gtsam::circleCircleIntersection | ( | double | R_d, |
double | r_d, | ||
double | tol | ||
) |
Definition at line 55 of file Point2.cpp.
GTSAM_EXPORT std::list< Point2 > gtsam::circleCircleIntersection | ( | Point2 | c1, |
Point2 | c2, | ||
boost::optional< Point2 > | fh | ||
) |
Definition at line 70 of file Point2.cpp.
GTSAM_EXPORT std::list< Point2 > gtsam::circleCircleIntersection | ( | Point2 | c1, |
double | r1, | ||
Point2 | c2, | ||
double | r2, | ||
double | tol = 1e-9 |
||
) |
Intersect 2 circles.
c1 | center of first circle |
r1 | radius of first circle |
c2 | center of second circle |
r2 | radius of second circle |
tol | absolute tolerance below which we consider touching circles |
Definition at line 99 of file Point2.cpp.
GTSAM_EXPORT Matrix gtsam::collect | ( | const std::vector< const Matrix * > & | matrices, |
size_t | m = 0 , |
||
size_t | n = 0 |
||
) |
create a matrix by concatenating Given a set of matrices: A1, A2, A3... If all matrices have the same size, specifying single matrix dimensions will avoid the lookup of dimensions
matrices | is a vector of matrices in the order to be collected |
m | is the number of rows of a single matrix |
n | is the number of columns of a single matrix |
Definition at line 442 of file Matrix.cpp.
Definition at line 467 of file Matrix.cpp.
KeyDimMap gtsam::collectKeyDim | ( | const LinearGraph & | linearGraph | ) |
const MATRIX::ConstColXpr gtsam::column | ( | const MATRIX & | A, |
size_t | j | ||
) |
Extracts a column view from a matrix that avoids a copy
A | matrix to extract column from |
j | index of the column |
Definition at line 214 of file base/Matrix.h.
Definition at line 223 of file Matrix.cpp.
Expression<T> gtsam::compose | ( | const Expression< T > & | t1, |
const Expression< T > & | t2 | ||
) |
Definition at line 23 of file nonlinear/expressions.h.
boost::shared_ptr< Values > gtsam::composePoses | ( | const G & | graph, |
const PredecessorMap< KEY > & | tree, | ||
const POSE & | rootPose | ||
) |
Compose the poses by following the chain specified by the spanning tree
Definition at line 174 of file graph-inl.h.
concatenate Vectors
Definition at line 302 of file Vector.cpp.
concatenate Vectors
Definition at line 320 of file Vector.cpp.
GTSAM_EXPORT Vector gtsam::conjugateGradientDescent | ( | const System & | Ab, |
const Vector & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Method of conjugate gradients (CG), System version
Definition at line 45 of file iterative.cpp.
GTSAM_EXPORT Vector gtsam::conjugateGradientDescent | ( | const Matrix & | A, |
const Vector & | b, | ||
const Vector & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Method of conjugate gradients (CG), Matrix version
Definition at line 57 of file iterative.cpp.
GTSAM_EXPORT VectorValues gtsam::conjugateGradientDescent | ( | const GaussianFactorGraph & | fg, |
const VectorValues & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Method of conjugate gradients (CG), Gaussian Factor Graph version
Definition at line 70 of file iterative.cpp.
V gtsam::conjugateGradients | ( | const S & | Ab, |
V | x, | ||
const ConjugateGradientParameters & | parameters, | ||
bool | steepest = false |
||
) |
Method of conjugate gradients (CG) template "System" class S needs gradient(S,v), e=S*v, v=S^e "Vector" class V needs dot(v,v), -v, v+v, s*v "Vector" class E needs dot(v,v)
Ab,the | "system" that needs to be solved, examples below |
x | is the initial estimate |
steepest | flag, if true does steepest descent, not CG |
Definition at line 125 of file iterative-inl.h.
|
static |
Definition at line 403 of file dataset.cpp.
|
static |
Definition at line 886 of file dataset.cpp.
|
static |
Definition at line 965 of file ShonanAveraging.cpp.
GTSAM_EXPORT SharedNoiseModel gtsam::ConvertNoiseModel | ( | const SharedNoiseModel & | model, |
size_t | n, | ||
bool | defaultToUnit = true |
||
) |
When creating (any) FrobeniusFactor we can convert a Rot/Pose BetweenFactor noise model into a n-dimensional isotropic noise model used to weight the Frobenius norm. If the noise model passed is null we return a n-dimensional isotropic noise model with sigma=1.0. If not, we we check if the d-dimensional noise model on rotations is isotropic. If it is, we extend to 'n' dimensions, otherwise we throw an error. If the noise model is a robust error model, we use the sigmas of the underlying noise model.
If defaultToUnit == false throws an exception on unexepcted input.
Definition at line 27 of file FrobeniusFactor.cpp.
|
static |
Definition at line 80 of file SubgraphPreconditioner.cpp.
|
static |
Definition at line 212 of file dataset.cpp.
boost::shared_ptr< Preconditioner > gtsam::createPreconditioner | ( | const boost::shared_ptr< PreconditionerParameters > | params | ) |
Definition at line 186 of file Preconditioner.cpp.
GTSAM_EXPORT std::string gtsam::createRewrittenFileName | ( | const std::string & | name | ) |
Creates a temporary file name that needs to be ignored in .gitingnore for checking read-write oprations
Definition at line 100 of file dataset.cpp.
string gtsam::createRewrittenFileName | ( | const std::string & | name | ) |
Creates a temporary file name that needs to be ignored in .gitingnore for checking read-write oprations
Definition at line 100 of file dataset.cpp.
boost::shared_ptr<Sampler> gtsam::createSampler | ( | const SharedNoiseModel & | model | ) |
Definition at line 378 of file dataset.cpp.
std::vector< Expression< T > > gtsam::createUnknowns | ( | size_t | n, |
char | c, | ||
size_t | start = 0 |
||
) |
Construct an array of leaves.
Construct an array of unknown expressions with successive symbol keys Example: createUnknowns<Pose2>(3,'x') creates unknown expressions for x0,x1,x2
Definition at line 256 of file Expression-inl.h.
GTSAM_EXPORT Point3 gtsam::cross | ( | const Point3 & | p, |
const Point3 & | q, | ||
OptionalJacobian< 3, 3 > | H_p = boost::none , |
||
OptionalJacobian< 3, 3 > | H_q = boost::none |
||
) |
|
static |
Definition at line 57 of file Cal3DS2_Base.cpp.
|
static |
Definition at line 71 of file Cal3DS2_Base.cpp.
std::string GTSAM_EXPORT gtsam::demangle | ( | const char * | name | ) |
void gtsam::deserialize | ( | const std::string & | serialized, |
T & | output | ||
) |
deserializes from a string
Definition at line 106 of file base/serialization.h.
void gtsam::deserializeBinary | ( | const std::string & | serialized, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a string in binary
Definition at line 253 of file base/serialization.h.
bool gtsam::deserializeFromBinaryFile | ( | const std::string & | filename, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a binary file
Definition at line 235 of file base/serialization.h.
void gtsam::deserializeFromBinaryStream | ( | std::istream & | in_archive_stream, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a stream in binary
Definition at line 199 of file base/serialization.h.
void gtsam::deserializeFromBinaryString | ( | const std::string & | serialized, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a string in binary
Definition at line 216 of file base/serialization.h.
bool gtsam::deserializeFromFile | ( | const std::string & | filename, |
T & | output | ||
) |
deserializes from a file
Definition at line 90 of file base/serialization.h.
void gtsam::deserializeFromStream | ( | std::istream & | in_archive_stream, |
T & | output | ||
) |
deserializes from a stream
Definition at line 58 of file base/serialization.h.
void gtsam::deserializeFromString | ( | const std::string & | serialized, |
T & | output | ||
) |
deserializes from a string
Definition at line 73 of file base/serialization.h.
bool gtsam::deserializeFromXMLFile | ( | const std::string & | filename, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from an XML file
Definition at line 161 of file base/serialization.h.
void gtsam::deserializeFromXMLStream | ( | std::istream & | in_archive_stream, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a stream in XML
Definition at line 125 of file base/serialization.h.
void gtsam::deserializeFromXMLString | ( | const std::string & | serialized, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a string in XML
Definition at line 142 of file base/serialization.h.
NonlinearFactorGraph::shared_ptr gtsam::deserializeGraph | ( | const std::string & | serialized_graph | ) |
Definition at line 216 of file serialization.cpp.
NonlinearFactorGraph::shared_ptr gtsam::deserializeGraphFromFile | ( | const std::string & | fname | ) |
Definition at line 283 of file serialization.cpp.
NonlinearFactorGraph::shared_ptr gtsam::deserializeGraphFromXMLFile | ( | const std::string & | fname, |
const std::string & | name = "graph" |
||
) |
Definition at line 291 of file serialization.cpp.
NonlinearFactorGraph::shared_ptr gtsam::deserializeGraphXML | ( | const std::string & | serialized_graph, |
const std::string & | name = "graph" |
||
) |
Definition at line 228 of file serialization.cpp.
Values::shared_ptr gtsam::deserializeValues | ( | const std::string & | serialized_values | ) |
Definition at line 241 of file serialization.cpp.
Values::shared_ptr gtsam::deserializeValuesFromFile | ( | const std::string & | fname | ) |
Definition at line 300 of file serialization.cpp.
Values::shared_ptr gtsam::deserializeValuesFromXMLFile | ( | const std::string & | fname, |
const std::string & | name = "values" |
||
) |
Definition at line 308 of file serialization.cpp.
Values::shared_ptr gtsam::deserializeValuesXML | ( | const std::string & | serialized_values, |
const std::string & | name = "values" |
||
) |
Definition at line 253 of file serialization.cpp.
void gtsam::deserializeXML | ( | const std::string & | serialized, |
T & | output, | ||
const std::string & | name = "data" |
||
) |
deserializes from a string in XML
Definition at line 179 of file base/serialization.h.
Create a matrix with submatrices along its diagonal
Definition at line 206 of file Matrix.cpp.
|
static |
Definition at line 26 of file ScenarioRunner.h.
GTSAM_EXPORT double gtsam::distance2 | ( | const Point2 & | p, |
const Point2 & | q, | ||
OptionalJacobian< 1, 2 > | H1, | ||
OptionalJacobian< 1, 2 > | H2 | ||
) |
distance between two points
Definition at line 39 of file Point2.cpp.
GTSAM_EXPORT double gtsam::distance3 | ( | const Point3 & | p1, |
const Point3 & | q, | ||
OptionalJacobian< 1, 3 > | H1, | ||
OptionalJacobian< 1, 3 > | H2 | ||
) |
distance between two points
Definition at line 26 of file Point3.cpp.
GTSAM_EXPORT boost::tuple< int, double, Vector > gtsam::DLT | ( | const Matrix & | A, |
double | rank_tol = 1e-9 |
||
) |
Direct linear transform algorithm that calls svd to find a vector v that minimizes the algebraic error A*v
A | of size m*n, where m>=n (pad with zero rows if not!) Returns rank of A, minimum error (singular value), and corresponding eigenvector (column of V, with A=U*S*V') |
Definition at line 567 of file Matrix.cpp.
GTSAM_EXPORT double gtsam::dot | ( | const Point3 & | p, |
const Point3 & | q, | ||
OptionalJacobian< 1, 3 > | H1, | ||
OptionalJacobian< 1, 3 > | H2 | ||
) |
dot product
Definition at line 71 of file Point3.cpp.
dot product
Definition at line 99 of file Errors.cpp.
|
inline |
elementwise division, but 0/0 = 0, not inf
a | first vector |
b | second vector |
Definition at line 199 of file Vector.cpp.
GTSAM_EXPORT std::pair< boost::shared_ptr< GaussianConditional >, boost::shared_ptr< HessianFactor > > gtsam::EliminateCholesky | ( | const GaussianFactorGraph & | factors, |
const Ordering & | keys | ||
) |
Definition at line 532 of file HessianFactor.cpp.
GTSAM_EXPORT std::pair< boost::shared_ptr< DiscreteConditional >, DecisionTreeFactor::shared_ptr > gtsam::EliminateDiscrete | ( | const DiscreteFactorGraph & | factors, |
const Ordering & | keys | ||
) |
Main elimination function for DiscreteFactorGraph
Definition at line 105 of file DiscreteFactorGraph.cpp.
GTSAM_EXPORT std::pair< boost::shared_ptr< GaussianConditional >, boost::shared_ptr< GaussianFactor > > gtsam::EliminatePreferCholesky | ( | const GaussianFactorGraph & | factors, |
const Ordering & | keys | ||
) |
Definition at line 555 of file HessianFactor.cpp.
GTSAM_EXPORT std::pair< boost::shared_ptr< GaussianConditional >, boost::shared_ptr< JacobianFactor > > gtsam::EliminateQR | ( | const GaussianFactorGraph & | factors, |
const Ordering & | keys | ||
) |
Multiply all factors and eliminate the given keys from the resulting factor using a QR variant that handles constraints (zero sigmas). Computation happens in noiseModel::Gaussian::QR Returns a conditional on those keys, and a new factor on the separator.
Definition at line 797 of file JacobianFactor.cpp.
GTSAM_EXPORT std::pair< boost::shared_ptr< SymbolicConditional >, boost::shared_ptr< SymbolicFactor > > gtsam::EliminateSymbolic | ( | const SymbolicFactorGraph & | factors, |
const Ordering & | keys | ||
) |
Dense elimination function for symbolic factors. This is usually provided as an argument to one of the factor graph elimination functions (see EliminateableFactorGraph). The factor graph elimination functions do sparse variable elimination, and use this function to eliminate single variables or variable cliques.
Definition at line 31 of file SymbolicFactor.cpp.
Call equal on the object
Definition at line 83 of file Testable.h.
Call equal without tolerance (use default tolerance)
Definition at line 89 of file Testable.h.
bool gtsam::equal_with_abs_tol | ( | const Eigen::DenseBase< MATRIX > & | A, |
const Eigen::DenseBase< MATRIX > & | B, | ||
double | tol = 1e-9 |
||
) |
equals with a tolerance
Definition at line 84 of file base/Matrix.h.
GTSAM_EXPORT bool gtsam::equal_with_abs_tol | ( | const Vector & | vec1, |
const Vector & | vec2, | ||
double | tol = 1e-9 |
||
) |
VecA == VecB up to tolerance
Definition at line 123 of file Vector.cpp.
GTSAM_EXPORT bool gtsam::equal_with_abs_tol | ( | const SubVector & | vec1, |
const SubVector & | vec2, | ||
double | tol | ||
) |
Definition at line 134 of file Vector.cpp.
Numerical exponential map, naive approach, not industrial strength !!!
A | matrix to exponentiate |
K | number of iterations |
Definition at line 588 of file Matrix.cpp.
|
static |
Definition at line 979 of file ShonanAveraging.cpp.
GTSAM_EXPORT std::string gtsam::findExampleDataFile | ( | const std::string & | name | ) |
Find the full path to an example dataset distributed with gtsam. The name may be specified with or without a file extension - if no extension is given, this function first looks for the .graph extension, then .txt. We first check the gtsam source tree for the file, followed by the installed example dataset location. Both the source tree and installed locations are obtained from CMake during compilation.
std::invalid_argument | if no matching file could be found using the search process described above. |
Definition at line 65 of file dataset.cpp.
string gtsam::findExampleDataFile | ( | const std::string & | name | ) |
Find the full path to an example dataset distributed with gtsam. The name may be specified with or without a file extension - if no extension is given, this function first looks for the .graph extension, then .txt. We first check the gtsam source tree for the file, followed by the installed example dataset location. Both the source tree and installed locations are obtained from CMake during compilation.
std::invalid_argument | if no matching file could be found using the search process described above. |
Definition at line 65 of file dataset.cpp.
T gtsam::FindKarcherMean | ( | const std::vector< T > & | rotations | ) |
Definition at line 45 of file KarcherMeanFactor-inl.h.
T gtsam::FindKarcherMean | ( | const std::vector< T, Eigen::aligned_allocator< T >> & | rotations | ) |
Optimize for the Karcher mean, minimizing the geodesic distance to each of the given rotations, by constructing a factor graph out of simple PriorFactors.
Definition at line 50 of file KarcherMeanFactor-inl.h.
Definition at line 55 of file KarcherMeanFactor-inl.h.
T gtsam::FindKarcherMeanImpl | ( | const vector< T, ALLOC > & | rotations | ) |
Definition at line 29 of file KarcherMeanFactor-inl.h.
PredecessorMap< KEY > gtsam::findMinimumSpanningTree | ( | const G & | g | ) |
find the minimum spanning tree using boost graph library
Definition at line 232 of file graph-inl.h.
std::string gtsam::formatMatrixIndented | ( | const std::string & | label, |
const Matrix & | matrix, | ||
bool | makeVectorHorizontal | ||
) |
Definition at line 598 of file Matrix.cpp.
GTSAM_EXPORT bool gtsam::fpEqual | ( | double | a, |
double | b, | ||
double | tol, | ||
bool | check_relative_also = true |
||
) |
Ensure we are not including a different version of Eigen in user code than while compiling gtsam, since it can lead to hard-to-understand runtime crashes. Numerically stable function for comparing if floating point values are equal within epsilon tolerance. Used for vector and matrix comparison with C++11 compatible functions.
If either value is NaN or Inf, we check for both values to be NaN or Inf respectively for the comparison to be true. If one is NaN/Inf and the other is not, returns false.
check_relative_also | is a flag which toggles additional checking for relative error. This means that if either the absolute error or the relative error is within the tolerance, the result will be true. By default, the flag is true. |
Return true if two numbers are close wrt tol.
Definition at line 42 of file Vector.cpp.
|
static |
|
static |
GenericValue<T> gtsam::genericValue | ( | const T & | v | ) |
Functional constructor of GenericValue<T> so T can be automatically deduced
Definition at line 212 of file GenericValue.h.
|
static |
Definition at line 40 of file SubgraphPreconditioner.cpp.
|
static |
Return the gradient vector of a nonlinear factor graph.
nfg | the graph |
values | a linearization point Can be moved to NonlinearFactorGraph.h if desired |
Definition at line 37 of file NonlinearConjugateGradientOptimizer.cpp.
Greater than or equal to operation returns true if all elements in v1 are greater than corresponding elements in v2
Definition at line 114 of file Vector.cpp.
This function converts a GTSAM camera pose to an openGL camera pose.
R | rotation in GTSAM |
tx | x component of the translation in GTSAM |
ty | y component of the translation in GTSAM |
tz | z component of the translation in GTSAM |
Definition at line 972 of file dataset.cpp.
This function converts a GTSAM camera pose to an openGL camera pose.
PoseGTSAM | pose in GTSAM format |
Definition at line 980 of file dataset.cpp.
gtsam::GTSAM_CONCEPT_POSE_INST | ( | Pose2 | ) |
instantiate concept checks
gtsam::GTSAM_CONCEPT_POSE_INST | ( | Pose3 | ) |
instantiate concept checks
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 1 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 2 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 3 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 4 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 5 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 6 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 7 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 8 | ) |
gtsam::GTSAM_MAKE_MATRIX_DEFS | ( | 9 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 4 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 5 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 6 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 7 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 8 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 9 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 10 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 11 | ) |
gtsam::GTSAM_MAKE_VECTOR_DEFS | ( | 12 | ) |
bool GTSAM_EXPORT gtsam::guardedIsDebug | ( | const std::string & | s | ) |
void GTSAM_EXPORT gtsam::guardedSetDebug | ( | const std::string & | s, |
const bool | v | ||
) |
GTSAM_EXPORT bool gtsam::hasConstraints | ( | const GaussianFactorGraph & | factors | ) |
Evaluates whether linear factors have any constrained noise models
Definition at line 426 of file GaussianFactorGraph.cpp.
house(x,j) computes HouseHolder vector v and scaling factor beta from x, such that the corresponding Householder reflection zeroes out all but x.(j), j is base 0. Golub & Van Loan p 210.
Definition at line 237 of file Vector.cpp.
Householder tranformation, zeros below diagonal
k | number of columns to zero out below diagonal |
A | matrix |
Definition at line 353 of file Matrix.cpp.
Imperative version of Householder QR factorization, Golub & Van Loan p 224 version with Householder vectors below diagonal, as in GVL
Householder transformation, Householder vectors below diagonal
k | number of columns to zero out below diagonal |
A | matrix |
copy_vectors | - true to copy Householder vectors below diagonal |
Definition at line 326 of file Matrix.cpp.
GTSAM_EXPORT double gtsam::houseInPlace | ( | Vector & | x | ) |
beta = house(x) computes the HouseHolder vector in place
Definition at line 212 of file Vector.cpp.
|
inline |
This function creates initial values for cameras and points from db.
SfmData |
Definition at line 1284 of file dataset.cpp.
This function creates initial values for cameras from db.
SfmData |
Definition at line 1276 of file dataset.cpp.
|
inline |
compatibility version for ublas' inner_prod()
GTSAM_EXPORT void gtsam::inplace_QR | ( | Matrix & | A | ) |
QR factorization using Eigen's internal block QR algorithm
A | is the input matrix, and is the output |
clear_below_diagonal | enables zeroing out below diagonal |
Definition at line 635 of file Matrix.cpp.
void gtsam::insertSub | ( | Eigen::MatrixBase< Derived1 > & | fullMatrix, |
const Eigen::MatrixBase< Derived2 > & | subMatrix, | ||
size_t | i, | ||
size_t | j | ||
) |
insert a submatrix IN PLACE at a specified location in a larger matrix NOTE: there is no size checking
fullMatrix | matrix to be updated |
subMatrix | matrix to be inserted |
i | is the row of the upper left corner insert location |
j | is the column of the upper left corner insert location |
Definition at line 198 of file base/Matrix.h.
Use Cholesky to calculate inverse square root of a matrix
Definition at line 551 of file Matrix.cpp.
Definition at line 84 of file Matrix.cpp.
|
static |
Definition at line 338 of file ShonanAveraging.cpp.
|
static |
check whether the rows of two matrices are linear dependent
check whether two vectors are linearly dependent
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 116 of file Matrix.cpp.
check whether two vectors are linearly dependent
vec1 | Vector |
vec2 | Vector |
tol | 1e-9 |
Definition at line 181 of file Vector.cpp.
GTSAM_EXPORT bool gtsam::linear_independent | ( | const Matrix & | A, |
const Matrix & | B, | ||
double | tol = 1e-9 |
||
) |
check whether the rows of two matrices are linear independent
Definition at line 102 of file Matrix.cpp.
Expression<T> gtsam::linearExpression | ( | const boost::function< T(A)> & | f, |
const Expression< A > & | expression, | ||
const Eigen::Matrix< double, traits< T >::dimension, traits< A >::dimension > & | dTdA | ||
) |
Create an expression out of a linear function f:T->A with (constant) Jacobian dTdA TODO(frank): create a more efficient version like ScalarMultiplyExpression. This version still does a malloc every linearize.
Definition at line 242 of file Expression.h.
JacobianFactor gtsam::linearizeNumerically | ( | const NoiseModelFactor & | factor, |
const Values & | values, | ||
double | delta = 1e-5 |
||
) |
Linearize a nonlinear factor using numerical differentiation The benefit of this method is that it does not need to know what types are involved to evaluate the factor. If all the machinery of gtsam is working correctly, we should get the correct numerical derivatives out the other side. NOTE(frank): factors that have non vector-space measurements use between or LocalCoordinates to evaluate the error, and their derivatives will only be correct for near-zero errors. This is fixable but expensive, and does not matter in practice as most factors will sit near zero errors anyway. However, it means that below will only be exact for the correct measurement.
Definition at line 37 of file factorTesting.h.
double gtsam::lineSearch | ( | const S & | system, |
const V | currentValues, | ||
const W & | gradient | ||
) |
Implement the golden-section line search algorithm
Definition at line 88 of file NonlinearConjugateGradientOptimizer.h.
ListOfOneContainer<T> gtsam::ListOfOne | ( | const T & | element | ) |
Factory function for ListOfOneContainer to enable ListOfOne(e) syntax.
Definition at line 522 of file Matrix.cpp.
GTSAM_EXPORT GraphAndValues gtsam::load2D | ( | std::pair< std::string, SharedNoiseModel > | dataset, |
size_t | maxIndex = 0 , |
||
bool | addNoise = false , |
||
bool | smart = true , |
||
NoiseFormat | noiseFormat = NoiseFormatAUTO , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
Load TORO 2D Graph
dataset/model | pair as constructed by [dataset] |
maxIndex | if non-zero cut out vertices >= maxIndex |
addNoise | add noise to the edges |
smart | try to reduce complexity of covariance to cheapest model |
Definition at line 567 of file dataset.cpp.
GTSAM_EXPORT GraphAndValues gtsam::load2D | ( | const std::string & | filename, |
SharedNoiseModel | model = SharedNoiseModel() , |
||
size_t | maxIndex = 0 , |
||
bool | addNoise = false , |
||
bool | smart = true , |
||
NoiseFormat | noiseFormat = NoiseFormatAUTO , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
Load TORO/G2O style graph files
filename | |
model | optional noise model to use instead of one specified by file |
maxIndex | if non-zero cut out vertices >= maxIndex |
addNoise | add noise to the edges |
smart | try to reduce complexity of covariance to cheapest model |
noiseFormat | how noise parameters are stored |
kernelFunctionType | whether to wrap the noise model in a robust kernel |
Definition at line 500 of file dataset.cpp.
GraphAndValues gtsam::load2D | ( | const std::string & | filename, |
SharedNoiseModel | model = SharedNoiseModel() , |
||
size_t | maxIndex = 0 , |
||
bool | addNoise = false , |
||
bool | smart = true , |
||
NoiseFormat | noiseFormat = NoiseFormatAUTO , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
Load TORO/G2O style graph files
filename | |
model | optional noise model to use instead of one specified by file |
maxIndex | if non-zero cut out vertices >= maxIndex |
addNoise | add noise to the edges |
smart | try to reduce complexity of covariance to cheapest model |
noiseFormat | how noise parameters are stored |
kernelFunctionType | whether to wrap the noise model in a robust kernel |
Definition at line 500 of file dataset.cpp.
GraphAndValues gtsam::load2D | ( | std::pair< std::string, SharedNoiseModel > | dataset, |
size_t | maxIndex = 0 , |
||
bool | addNoise = false , |
||
bool | smart = true , |
||
NoiseFormat | noiseFormat = NoiseFormatAUTO , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
Load TORO 2D Graph
dataset/model | pair as constructed by [dataset] |
maxIndex | if non-zero cut out vertices >= maxIndex |
addNoise | add noise to the edges |
smart | try to reduce complexity of covariance to cheapest model |
Definition at line 567 of file dataset.cpp.
GTSAM_EXPORT GraphAndValues gtsam::load2D_robust | ( | const std::string & | filename, |
const noiseModel::Base::shared_ptr & | model, | ||
size_t | maxIndex = 0 |
||
) |
Definition at line 575 of file dataset.cpp.
GraphAndValues gtsam::load2D_robust | ( | const std::string & | filename, |
const noiseModel::Base::shared_ptr & | model, | ||
size_t | maxIndex = 0 |
||
) |
Definition at line 575 of file dataset.cpp.
GTSAM_EXPORT GraphAndValues gtsam::load3D | ( | const std::string & | filename | ) |
Load TORO 3D Graph.
Definition at line 924 of file dataset.cpp.
GraphAndValues gtsam::load3D | ( | const string & | filename | ) |
Load TORO 3D Graph.
Definition at line 924 of file dataset.cpp.
|
static |
Definition at line 63 of file Symbol.cpp.
|
static |
Definition at line 110 of file LabeledSymbol.cpp.
gtsam::enable_if_t<needs_eigen_aligned_allocator<T>::value, boost::shared_ptr<T> > gtsam::make_shared | ( | Args &&... | args | ) |
Add our own make_shared
as a layer of wrapping on boost::make_shared
This solves the problem with the stock make_shared
that custom alignment is not respected, causing SEGFAULTs at runtime, which is notoriously hard to debug.
The template needs_eigen_aligned_allocator<T>::value
will evaluate to std::true_type
if the type alias _eigen_aligned_allocator_trait = void
is present in a class, which is automatically added by the GTSAM_MAKE_ALIGNED_OPERATOR_NEW
macro.
This function declaration will only be taken when the above condition is true, so if some object does not need to be aligned, gtsam::make_shared
will fall back to the next definition, which is a simple wrapper for boost::make_shared
.
T | The type of object being constructed |
Args | Type of the arguments of the constructor |
args | Arguments of the constructor |
Definition at line 57 of file make_shared.h.
gtsam::enable_if_t<!needs_eigen_aligned_allocator<T>::value, boost::shared_ptr<T> > gtsam::make_shared | ( | Args &&... | args | ) |
Fall back to the boost version if no need for alignment.
Definition at line 63 of file make_shared.h.
FunctorizedFactor<R, T> gtsam::MakeFunctorizedFactor | ( | Key | key, |
const R & | z, | ||
const SharedNoiseModel & | model, | ||
const FUNC | func | ||
) |
Helper function to create a functorized factor.
Uses function template deduction to identify return type and functor type, so template list only needs the functor argument type.
Definition at line 142 of file FunctorizedFactor.h.
FunctorizedFactor2<R, T1, T2> gtsam::MakeFunctorizedFactor2 | ( | Key | key1, |
Key | key2, | ||
const R & | z, | ||
const SharedNoiseModel & | model, | ||
const FUNC | func | ||
) |
Helper function to create a functorized factor.
Uses function template deduction to identify return type and functor type, so template list only needs the functor argument type.
Definition at line 249 of file FunctorizedFactor.h.
const Eigen::IOFormat & gtsam::matlabFormat | ( | ) |
Definition at line 139 of file Matrix.cpp.
Key gtsam::maxKey | ( | const PROBLEM & | problem | ) |
Find the max key in a problem. Useful to determine unique keys for additional slack variables
Definition at line 192 of file ActiveSetSolver.h.
Point3 gtsam::mean | ( | const CONTAINER & | points | ) |
GTSAM_EXPORT Point3Pair gtsam::means | ( | const std::vector< Point3Pair > & | abPointPairs | ) |
Calculate the two means of a set of Point3 pairs.
Definition at line 78 of file Point3.cpp.
std::pair< Pose2, bool > gtsam::moveWithBounce | ( | const Pose2 & | cur_pose, |
double | step_size, | ||
const std::vector< SimWall2D > | walls, | ||
Sampler & | angle_drift, | ||
Sampler & | reflect_noise, | ||
const Rot2 & | bias = Rot2() |
||
) |
Calculates the next pose in a trajectory constrained by walls, with noise on angular drift and reflection noise
cur_pose | is the pose of the robot |
step_size | is the size of the forward step the robot tries to take |
walls | is a set of walls to use for bouncing |
angle_drift | is a sampler for angle drift (dim=1) |
reflect_noise | is a sampler for scatter after hitting a wall (dim=3) |
Definition at line 125 of file SimWall2D.cpp.
Create a symbol key from a character, label and index, i.e. xA5.
Definition at line 126 of file LabeledSymbol.h.
|
inline |
Return the character portion of a symbol key.
Definition at line 131 of file LabeledSymbol.h.
Return the index portion of a symbol key.
Definition at line 137 of file LabeledSymbol.h.
|
inline |
Return the label portion of a symbol key.
Definition at line 134 of file LabeledSymbol.h.
boost::tuple<V, int> gtsam::nonlinearConjugateGradient | ( | const S & | system, |
const V & | initial, | ||
const NonlinearOptimizerParams & | params, | ||
const bool | singleIteration, | ||
const bool | gradientDescent = false |
||
) |
Implement the nonlinear conjugate gradient method using the Polak-Ribiere formula suggested in http://en.wikipedia.org/wiki/Nonlinear_conjugate_gradient_method.
The S (system) class requires three member functions: error(state), gradient(state) and advance(state, step-size, direction). The V class denotes the state or the solution.
The last parameter is a switch between gradient-descent and conjugate gradient
Definition at line 148 of file NonlinearConjugateGradientOptimizer.h.
GTSAM_EXPORT double gtsam::norm2 | ( | const Point2 & | p, |
OptionalJacobian< 1, 2 > | H | ||
) |
Distance of the point from the origin, with Jacobian.
Definition at line 27 of file Point2.cpp.
GTSAM_EXPORT double gtsam::norm3 | ( | const Point3 & | p, |
OptionalJacobian< 1, 3 > | H | ||
) |
Distance of the point from the origin, with Jacobian.
Definition at line 40 of file Point3.cpp.
GTSAM_EXPORT Point3 gtsam::normalize | ( | const Point3 & | p, |
OptionalJacobian< 3, 3 > | H | ||
) |
normalize, with optional Jacobian
Definition at line 51 of file Point3.cpp.
|
static |
Definition at line 158 of file Signature.cpp.
|
static |
Definition at line 102 of file ShonanAveraging.cpp.
internal::FixedSizeMatrix<Y, X>::type gtsam::numericalDerivative11 | ( | boost::function< Y(const X &)> | h, |
const X & | x, | ||
double | delta = 1e-5 |
||
) |
New-style numerical derivatives using manifold_traits.
Computes numerical derivative in argument 1 of unary function
h | unary function yielding m-vector |
x | n-dimensional value at which to evaluate h |
delta | increment for numerical derivative Class Y is the output argument Class X is the input argument |
int | N is the dimension of the X input value if variable dimension type but known at test time |
Definition at line 118 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X>::type gtsam::numericalDerivative11 | ( | Y(*)(const X &) | h, |
const X & | x, | ||
double | delta = 1e-5 |
||
) |
use a raw C++ function pointer
Definition at line 158 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative21 | ( | const boost::function< Y(const X1 &, const X2 &)> & | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 1 of binary function
h | binary function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X1 input value if variable dimension type but known at test time |
Definition at line 173 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative21 | ( | Y(*)(const X1 &, const X2 &) | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
double | delta = 1e-5 |
||
) |
use a raw C++ function pointer
Definition at line 184 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative22 | ( | boost::function< Y(const X1 &, const X2 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 2 of binary function
h | binary function yielding m-vector |
x1 | first argument value |
x2 | n-dimensional second argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X2 input value if variable dimension type but known at test time |
Definition at line 199 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative22 | ( | Y(*)(const X1 &, const X2 &) | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
double | delta = 1e-5 |
||
) |
use a raw C++ function pointer
Definition at line 210 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative31 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 1 of ternary function
h | ternary function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X1 input value if variable dimension type but known at test time |
Definition at line 227 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative31 | ( | Y(*)(const X1 &, const X2 &, const X3 &) | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
double | delta = 1e-5 |
||
) |
Definition at line 238 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative32 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 2 of ternary function
h | ternary function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X2 input value if variable dimension type but known at test time |
Definition at line 256 of file numericalDerivative.h.
|
inline |
Definition at line 267 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X3>::type gtsam::numericalDerivative33 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 3 of ternary function
h | ternary function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X3 input value if variable dimension type but known at test time |
Definition at line 285 of file numericalDerivative.h.
|
inline |
Definition at line 296 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative41 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 1 of 4-argument function
h | quartic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X1 input value if variable dimension type but known at test time |
Definition at line 314 of file numericalDerivative.h.
|
inline |
Definition at line 325 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative42 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 2 of 4-argument function
h | quartic function yielding m-vector |
x1 | first argument value |
x2 | n-dimensional second argument value |
x3 | third argument value |
x4 | fourth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X2 input value if variable dimension type but known at test time |
Definition at line 342 of file numericalDerivative.h.
|
inline |
Definition at line 353 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X3>::type gtsam::numericalDerivative43 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 3 of 4-argument function
h | quartic function yielding m-vector |
x1 | first argument value |
x2 | second argument value |
x3 | n-dimensional third argument value |
x4 | fourth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X3 input value if variable dimension type but known at test time |
Definition at line 370 of file numericalDerivative.h.
|
inline |
Definition at line 381 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X4>::type gtsam::numericalDerivative44 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 4 of 4-argument function
h | quartic function yielding m-vector |
x1 | first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | n-dimensional fourth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X4 input value if variable dimension type but known at test time |
Definition at line 398 of file numericalDerivative.h.
|
inline |
Definition at line 409 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative51 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 1 of 5-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X1 input value if variable dimension type but known at test time |
Definition at line 427 of file numericalDerivative.h.
|
inline |
Definition at line 438 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative52 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 2 of 5-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X2 input value if variable dimension type but known at test time |
Definition at line 456 of file numericalDerivative.h.
|
inline |
Definition at line 467 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X3>::type gtsam::numericalDerivative53 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 3 of 5-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X3 input value if variable dimension type but known at test time |
Definition at line 485 of file numericalDerivative.h.
|
inline |
Definition at line 496 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X4>::type gtsam::numericalDerivative54 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 4 of 5-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X4 input value if variable dimension type but known at test time |
Definition at line 514 of file numericalDerivative.h.
|
inline |
Definition at line 525 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X5>::type gtsam::numericalDerivative55 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 5 of 5-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X5 input value if variable dimension type but known at test time |
Definition at line 543 of file numericalDerivative.h.
|
inline |
Definition at line 554 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X1>::type gtsam::numericalDerivative61 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 1 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X1 input value if variable dimension type but known at test time |
Definition at line 573 of file numericalDerivative.h.
|
inline |
Definition at line 584 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X2>::type gtsam::numericalDerivative62 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 2 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X2 input value if variable dimension type but known at test time |
Definition at line 603 of file numericalDerivative.h.
|
inline |
Definition at line 614 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X3>::type gtsam::numericalDerivative63 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 3 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X3 input value if variable dimension type but known at test time |
Definition at line 633 of file numericalDerivative.h.
|
inline |
Definition at line 644 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X4>::type gtsam::numericalDerivative64 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 4 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X4 input value if variable dimension type but known at test time |
Definition at line 663 of file numericalDerivative.h.
|
inline |
Definition at line 674 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y,X5>::type gtsam::numericalDerivative65 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 5 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X5 input value if variable dimension type but known at test time |
Definition at line 693 of file numericalDerivative.h.
|
inline |
Definition at line 704 of file numericalDerivative.h.
internal::FixedSizeMatrix<Y, X6>::type gtsam::numericalDerivative66 | ( | boost::function< Y(const X1 &, const X2 &, const X3 &, const X4 &, const X5 &, const X6 &)> | h, |
const X1 & | x1, | ||
const X2 & | x2, | ||
const X3 & | x3, | ||
const X4 & | x4, | ||
const X5 & | x5, | ||
const X6 & | x6, | ||
double | delta = 1e-5 |
||
) |
Compute numerical derivative in argument 6 of 6-argument function
h | quintic function yielding m-vector |
x1 | n-dimensional first argument value |
x2 | second argument value |
x3 | third argument value |
x4 | fourth argument value |
x5 | fifth argument value |
x6 | sixth argument value |
delta | increment for numerical derivative |
int | N is the dimension of the X6 input value if variable dimension type but known at test time |
Definition at line 723 of file numericalDerivative.h.
|
inline |
Definition at line 735 of file numericalDerivative.h.
Eigen::Matrix<double, N, 1> gtsam::numericalGradient | ( | boost::function< double(const X &)> | h, |
const X & | x, | ||
double | delta = 1e-5 |
||
) |
Numerically compute gradient of scalar function.
Definition at line 78 of file numericalDerivative.h.
|
inline |
Compute numerical Hessian matrix. Requires a single-argument Lie->scalar function. This is implemented simply as the derivative of the gradient.
f | A function taking a Lie object as input and returning a scalar |
x | The center point for computing the Hessian |
delta | The numerical derivative step size |
Definition at line 749 of file numericalDerivative.h.
|
inline |
Definition at line 762 of file numericalDerivative.h.
|
inline |
Definition at line 806 of file numericalDerivative.h.
|
inline |
Definition at line 822 of file numericalDerivative.h.
|
inline |
Definition at line 788 of file numericalDerivative.h.
|
inline |
Definition at line 799 of file numericalDerivative.h.
|
inline |
Definition at line 829 of file numericalDerivative.h.
|
inline |
Definition at line 843 of file numericalDerivative.h.
|
inline |
Numerical Hessian for tenary functions
Definition at line 854 of file numericalDerivative.h.
|
inline |
Definition at line 868 of file numericalDerivative.h.
|
inline |
Definition at line 923 of file numericalDerivative.h.
|
inline |
Definition at line 951 of file numericalDerivative.h.
|
inline |
Definition at line 932 of file numericalDerivative.h.
|
inline |
Definition at line 959 of file numericalDerivative.h.
|
inline |
Definition at line 877 of file numericalDerivative.h.
|
inline |
Definition at line 891 of file numericalDerivative.h.
|
inline |
Definition at line 941 of file numericalDerivative.h.
|
inline |
Definition at line 967 of file numericalDerivative.h.
|
inline |
Definition at line 900 of file numericalDerivative.h.
|
inline |
Definition at line 914 of file numericalDerivative.h.
This function converts an openGL camera pose to an GTSAM camera pose.
R | rotation in openGL |
tx | x component of the translation in openGL |
ty | y component of the translation in openGL |
tz | z component of the translation in openGL |
Definition at line 963 of file dataset.cpp.
Rot3 gtsam::openGLFixedRotation | ( | ) |
Definition at line 949 of file dataset.cpp.
|
inline |
inequality
Definition at line 110 of file base/Matrix.h.
GTSAM_EXPORT Signature gtsam::operator% | ( | const DiscreteKey & | key, |
const std::string & | parent | ||
) |
Helper function to create Signature objects example: Signature s(D % "99/1"); Uses string parser, which requires BOOST 1.42 or higher
Definition at line 213 of file Signature.cpp.
Signature gtsam::operator% | ( | const DiscreteKey & | key, |
const std::string & | parent | ||
) |
Helper function to create Signature objects example: Signature s(D % "99/1"); Uses string parser, which requires BOOST 1.42 or higher
Definition at line 213 of file Signature.cpp.
GTSAM_EXPORT Signature gtsam::operator% | ( | const DiscreteKey & | key, |
const Signature::Table & | parent | ||
) |
Helper function to create Signature objects, using table construction directly example: Signature s(D % table);
Definition at line 218 of file Signature.cpp.
GTSAM_EXPORT DiscreteKeys gtsam::operator& | ( | const DiscreteKey & | key1, |
const DiscreteKey & | key2 | ||
) |
Create a list from two keys.
Definition at line 49 of file DiscreteKey.cpp.
Expression< T > gtsam::operator* | ( | const Expression< T > & | e1, |
const Expression< T > & | e2 | ||
) |
Construct a product expression, assumes T::compose(T) -> T.
Construct a product expression, assumes T::compose(T) -> T Example: Expression<Point2> a(0), b(1), c = a*b;
Definition at line 247 of file Expression-inl.h.
ScalarMultiplyExpression<T> gtsam::operator* | ( | double | s, |
const Expression< T > & | e | ||
) |
Construct an expression that executes the scalar multiplication with an input expression The type T must be a vector space Example: Expression<Point2> a(0), b = 12 * a;
Definition at line 262 of file Expression.h.
VectorValues gtsam::operator* | ( | const double | a, |
const VectorValues & | v | ||
) |
Element-wise scaling by a constant.
Definition at line 349 of file VectorValues.cpp.
BinarySumExpression<T> gtsam::operator+ | ( | const Expression< T > & | e1, |
const Expression< T > & | e2 | ||
) |
Construct an expression that sums two input expressions of the same type T The type T must be a vector space Example: Expression<Point2> a(0), b(1), c = a + b;
Definition at line 273 of file Expression.h.
BinarySumExpression<T> gtsam::operator- | ( | const Expression< T > & | e1, |
const Expression< T > & | e2 | ||
) |
Construct an expression that subtracts one expression from another.
Definition at line 279 of file Expression.h.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3_S2Stereo & | cal | ||
) |
Definition at line 25 of file Cal3_S2Stereo.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | stream, |
const ImuMeasurement & | meas | ||
) |
Definition at line 27 of file ImuMeasurement.h.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3_S2 & | cal | ||
) |
Definition at line 27 of file Cal3_S2.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3DS2 & | cal | ||
) |
Definition at line 28 of file Cal3DS2.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const StereoPoint2 & | p | ||
) |
Definition at line 31 of file StereoPoint2.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3DS2_Base & | cal | ||
) |
Definition at line 35 of file Cal3DS2_Base.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3Unified & | cal | ||
) |
Definition at line 36 of file Cal3Unified.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const PreintegrationBase & | pim | ||
) |
Definition at line 38 of file PreintegrationBase.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const PreconditionerParameters & | p | ||
) |
Definition at line 38 of file Preconditioner.cpp.
GTSAM_EXPORT std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const gtsam::Point3Pair & | p | ||
) |
GTSAM_EXPORT std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const gtsam::Point2Pair & | p | ||
) |
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3Bundler & | cal | ||
) |
Definition at line 45 of file Cal3Bundler.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3 & | cal | ||
) |
ostream& gtsam::operator<< | ( | ostream & | os, |
const IterativeOptimizationParameters & | p | ||
) |
Definition at line 51 of file IterativeSolver.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Pose2 & | pose | ||
) |
GTSAM_EXPORT std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Symbol & | symbol | ||
) |
Definition at line 69 of file Symbol.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const NavState & | state | ||
) |
Definition at line 90 of file NavState.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const gtsam::Point3Pair & | p | ||
) |
Definition at line 91 of file Point3.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const key_formatter & | m | ||
) |
ostream& gtsam::operator<< | ( | ostream & | os, |
const Signature::Row & | row | ||
) |
Definition at line 108 of file Signature.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Dih6 & | m | ||
) |
Definition at line 109 of file testGroup.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const Subgraph::Edge & | edge | ||
) |
Definition at line 113 of file SubgraphBuilder.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const StreamedKey & | streamedKey | ||
) |
ostream& gtsam::operator<< | ( | ostream & | os, |
const Signature::Table & | table | ||
) |
Definition at line 115 of file Signature.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const EssentialMatrix & | E | ||
) |
Definition at line 117 of file EssentialMatrix.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const gtsam::Point2Pair & | p | ||
) |
Definition at line 117 of file Point2.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const Subgraph & | subgraph | ||
) |
Definition at line 122 of file SubgraphBuilder.cpp.
GTSAM_EXPORT std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const LabeledSymbol & | symbol | ||
) |
Definition at line 126 of file LabeledSymbol.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const ImuFactor & | f | ||
) |
Definition at line 126 of file ImuFactor.cpp.
GTSAM_EXPORT ostream& gtsam::operator<< | ( | ostream & | os, |
const VectorValues & | v | ||
) |
Definition at line 134 of file VectorValues.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Cal3Fisheye & | cal | ||
) |
Definition at line 143 of file Cal3Fisheye.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const SubgraphBuilderParameters & | p | ||
) |
Definition at line 144 of file SubgraphBuilder.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Unit3 & | pair | ||
) |
ostream& gtsam::operator<< | ( | ostream & | os, |
const Signature & | s | ||
) |
Definition at line 190 of file Signature.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const ImuFactor2 & | f | ||
) |
Definition at line 221 of file ImuFactor.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const CombinedImuFactor & | f | ||
) |
Definition at line 251 of file CombinedImuFactor.cpp.
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Similarity3 & | p | ||
) |
Definition at line 278 of file Similarity3.cpp.
ostream& gtsam::operator<< | ( | ostream & | os, |
const Rot3 & | R | ||
) |
std::ostream& gtsam::operator<< | ( | std::ostream & | os, |
const Pose3 & | pose | ||
) |
Definition at line 104 of file Vector.cpp.
istream& gtsam::operator>> | ( | istream & | is, |
EssentialMatrix & | E | ||
) |
Definition at line 126 of file EssentialMatrix.cpp.
GTSAM_EXPORT std::istream& gtsam::operator>> | ( | std::istream & | inputStream, |
Matrix & | destinationMatrix | ||
) |
Read a matrix from an input stream, such as a file. Entries can be either tab-, space-, or comma-separated, similar to the format read by the MATLAB dlmread command.
istream& gtsam::operator>> | ( | istream & | inputStream, |
Matrix & | destinationMatrix | ||
) |
Definition at line 173 of file Matrix.cpp.
istream& gtsam::operator>> | ( | istream & | is, |
Quaternion & | q | ||
) |
Definition at line 743 of file dataset.cpp.
istream& gtsam::operator>> | ( | istream & | is, |
Rot3 & | R | ||
) |
Definition at line 753 of file dataset.cpp.
istream& gtsam::operator>> | ( | istream & | is, |
Matrix6 & | m | ||
) |
Definition at line 805 of file dataset.cpp.
overload ^ for trans(A)*v We transpose the vectors for speed.
Definition at line 130 of file Matrix.cpp.
GTSAM_EXPORT Signature gtsam::operator| | ( | const DiscreteKey & | key, |
const DiscreteKey & | parent | ||
) |
Helper function to create Signature objects example: Signature s = D | E;
Definition at line 208 of file Signature.cpp.
GTSAM_EXPORT Point3 gtsam::optimize | ( | const NonlinearFactorGraph & | graph, |
const Values & | values, | ||
Key | landmarkKey | ||
) |
Optimize for triangulation
graph | nonlinear factors for projection |
values | initial values |
landmarkKey | to refer to landmark |
Definition at line 73 of file triangulation.cpp.
size_t gtsam::optimizeWildfire | ( | const ISAM2Clique::shared_ptr & | root, |
double | threshold, | ||
const KeySet & | replaced, | ||
VectorValues * | delta | ||
) |
Optimize the BayesTree, starting from the root.
threshold | The maximum change against the PREVIOUS delta for non-replaced variables that can be ignored, ie. the old delta entry is kept and recursive backsubstitution might eventually stop if none of the changed variables are contained in the subtree. |
replaced | Needs to contain all variables that are contained in the top of the Bayes tree that has been redone. |
delta | The current solution, an offset from the linearization point. |
Definition at line 226 of file ISAM2Clique.cpp.
size_t gtsam::optimizeWildfireNonRecursive | ( | const ISAM2Clique::shared_ptr & | root, |
double | threshold, | ||
const KeySet & | keys, | ||
VectorValues * | delta | ||
) |
Definition at line 260 of file ISAM2Clique.cpp.
FastVector<VariableSlots::const_iterator> gtsam::orderedSlotsHelper | ( | const Ordering & | ordering, |
const VariableSlots & | variableSlots | ||
) |
Definition at line 304 of file JacobianFactor.cpp.
GTSAM_EXPORT BetweenFactorPose2s gtsam::parse2DFactors | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model, | ||
size_t | maxIndex | ||
) |
Definition at line 1296 of file dataset.cpp.
GTSAM_EXPORT BetweenFactorPose3s gtsam::parse3DFactors | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model, | ||
size_t | maxIndex | ||
) |
Definition at line 1302 of file dataset.cpp.
GTSAM_EXPORT boost::optional<IndexedEdge> gtsam::parseEdge | ( | std::istream & | is, |
const std::string & | tag | ||
) |
Parse TORO/G2O edge "id1 id2 x y yaw"
is | input stream |
tag | string parsed from input stream, will only parse if edge type |
boost::optional<IndexedEdge> gtsam::parseEdge | ( | istream & | is, |
const string & | tag | ||
) |
Definition at line 294 of file dataset.cpp.
GTSAM_EXPORT std::vector<typename BetweenFactor<T>::shared_ptr> gtsam::parseFactors | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
std::vector<BetweenFactor<Pose2>::shared_ptr> gtsam::parseFactors< Pose2 > | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model, | ||
size_t | maxIndex | ||
) |
Definition at line 432 of file dataset.cpp.
std::vector<BetweenFactor<Pose3>::shared_ptr> gtsam::parseFactors< Pose3 > | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model, | ||
size_t | maxIndex | ||
) |
Definition at line 916 of file dataset.cpp.
|
static |
Definition at line 125 of file dataset.cpp.
GTSAM_EXPORT std::vector<BinaryMeasurement<T> > gtsam::parseMeasurements | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
std::vector<BinaryMeasurement<Pose2> > gtsam::parseMeasurements | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
std::vector<BinaryMeasurement<Rot2> > gtsam::parseMeasurements | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
std::vector<BinaryMeasurement<Pose3> > gtsam::parseMeasurements | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
std::vector<BinaryMeasurement<Rot3> > gtsam::parseMeasurements | ( | const std::string & | filename, |
const noiseModel::Diagonal::shared_ptr & | model = nullptr , |
||
size_t | maxIndex = 0 |
||
) |
map<size_t, T> gtsam::parseToMap | ( | const string & | filename, |
Parser< pair< size_t, T >> | parse, | ||
size_t | maxIndex | ||
) |
Definition at line 139 of file dataset.cpp.
|
static |
Definition at line 156 of file dataset.cpp.
std::map<size_t, Point2> gtsam::parseVariables< Point2 > | ( | const std::string & | filename, |
size_t | maxIndex | ||
) |
Definition at line 204 of file dataset.cpp.
std::map<size_t, Point3> gtsam::parseVariables< Point3 > | ( | const std::string & | filename, |
size_t | maxIndex | ||
) |
Definition at line 798 of file dataset.cpp.
std::map<size_t, Pose2> gtsam::parseVariables< Pose2 > | ( | const std::string & | filename, |
size_t | maxIndex | ||
) |
Definition at line 182 of file dataset.cpp.
std::map<size_t, Pose3> gtsam::parseVariables< Pose3 > | ( | const std::string & | filename, |
size_t | maxIndex | ||
) |
Definition at line 780 of file dataset.cpp.
GTSAM_EXPORT boost::optional<IndexedLandmark> gtsam::parseVertexLandmark | ( | std::istream & | is, |
const std::string & | tag | ||
) |
Parse G2O landmark vertex "id x y"
is | input stream |
tag | string parsed from input stream, will only parse if vertex type |
boost::optional<IndexedLandmark> gtsam::parseVertexLandmark | ( | istream & | is, |
const string & | tag | ||
) |
Definition at line 188 of file dataset.cpp.
boost::optional<pair<size_t, Point3> > gtsam::parseVertexPoint3 | ( | istream & | is, |
const string & | tag | ||
) |
Definition at line 786 of file dataset.cpp.
GTSAM_EXPORT boost::optional<IndexedPose> gtsam::parseVertexPose | ( | std::istream & | is, |
const std::string & | tag | ||
) |
Parse TORO/G2O vertex "id x y yaw"
is | input stream |
tag | string parsed from input stream, will only parse if vertex type |
boost::optional<IndexedPose> gtsam::parseVertexPose | ( | istream & | is, |
const string & | tag | ||
) |
Definition at line 168 of file dataset.cpp.
Definition at line 761 of file dataset.cpp.
Definition at line 505 of file ShonanAveraging.cpp.
Definition at line 37 of file navigation/expressions.h.
|
static |
MINIMUM EIGENVALUE COMPUTATIONS.
Definition at line 528 of file ShonanAveraging.cpp.
V gtsam::preconditionedConjugateGradient | ( | const S & | system, |
const V & | initial, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Definition at line 100 of file ConjugateGradientSolver.h.
boost::tuple< G, V, std::map< KEY, V > > gtsam::predecessorMap2Graph | ( | const PredecessorMap< KEY > & | p_map | ) |
Build takes a predecessor map, and builds a directed graph corresponding to the tree. G = Graph type V = Vertex type
Definition at line 118 of file graph-inl.h.
std::list< KEY > gtsam::predecessorMap2Keys | ( | const PredecessorMap< KEY > & | p_map | ) |
Generate a list of keys from a spanning tree represented by its predecessor map
Definition at line 50 of file graph-inl.h.
void gtsam::Print | ( | const CONTAINER & | keys, |
const string & | s, | ||
const KeyFormatter & | keyFormatter | ||
) |
GTSAM_EXPORT void gtsam::print | ( | const Errors & | a, |
const std::string & | s = "Error" |
||
) |
print with optional string
Definition at line 121 of file Errors.cpp.
|
inline |
Definition at line 74 of file Testable.h.
|
inline |
Definition at line 77 of file Testable.h.
void gtsam::print | ( | const Vector & | v, |
const string & | s, | ||
ostream & | stream | ||
) |
Definition at line 80 of file Vector.cpp.
void gtsam::print | ( | const Matrix & | A, |
const std::string & | s = "" |
||
) |
print with optional string to cout
Definition at line 92 of file Vector.cpp.
GTSAM_EXPORT void gtsam::print | ( | const Vector & | v, |
const std::string & | s, | ||
std::ostream & | stream | ||
) |
print without optional string, must specify cout yourself
GTSAM_EXPORT void gtsam::print | ( | const Vector & | v, |
const std::string & | s = "" |
||
) |
print with optional string to cout
Definition at line 161 of file Matrix.cpp.
void gtsam::print | ( | const Errors & | a, |
const std::string & | s = "Error" |
||
) |
print with optional string
Definition at line 121 of file Errors.cpp.
GTSAM_EXPORT void gtsam::print | ( | const Matrix & | A, |
const std::string & | s, | ||
std::ostream & | stream | ||
) |
print without optional string, must specify cout yourself
void gtsam::print | ( | const Matrix & | A, |
const string & | s, | ||
ostream & | stream | ||
) |
Definition at line 155 of file Matrix.cpp.
GTSAM_EXPORT void gtsam::print | ( | const Matrix & | A, |
const std::string & | s = "" |
||
) |
print with optional string to cout
Definition at line 161 of file Matrix.cpp.
void gtsam::print | ( | const Matrix & | A, |
const std::string & | s = "" |
||
) |
print with optional string to cout
Definition at line 161 of file Matrix.cpp.
void gtsam::PrintKey | ( | Key | key, |
const string & | s, | ||
const KeyFormatter & | keyFormatter | ||
) |
GTSAM_EXPORT void gtsam::PrintKey | ( | Key | key, |
const std::string & | s = "" , |
||
const KeyFormatter & | keyFormatter = DefaultKeyFormatter |
||
) |
void gtsam::PrintKeyList | ( | const KeyList & | keys, |
const string & | s, | ||
const KeyFormatter & | keyFormatter | ||
) |
GTSAM_EXPORT void gtsam::PrintKeyList | ( | const KeyList & | keys, |
const std::string & | s = "" , |
||
const KeyFormatter & | keyFormatter = DefaultKeyFormatter |
||
) |
void gtsam::PrintKeySet | ( | const KeySet & | keys, |
const string & | s, | ||
const KeyFormatter & | keyFormatter | ||
) |
GTSAM_EXPORT void gtsam::PrintKeySet | ( | const KeySet & | keys, |
const std::string & | s = "" , |
||
const KeyFormatter & | keyFormatter = DefaultKeyFormatter |
||
) |
void gtsam::PrintKeyVector | ( | const KeyVector & | keys, |
const string & | s, | ||
const KeyFormatter & | keyFormatter | ||
) |
GTSAM_EXPORT void gtsam::PrintKeyVector | ( | const KeyVector & | keys, |
const std::string & | s = "" , |
||
const KeyFormatter & | keyFormatter = DefaultKeyFormatter |
||
) |
|
inline |
products using old-style format to improve compatibility
Definition at line 147 of file base/Matrix.h.
Expression version of PinholeBase::Project.
Definition at line 84 of file slam/expressions.h.
Definition at line 89 of file slam/expressions.h.
Point2_ gtsam::project2 | ( | const Expression< CAMERA > & | camera_, |
const Expression< POINT > & | p_ | ||
) |
Definition at line 104 of file slam/expressions.h.
|
inline |
Definition at line 119 of file slam/expressions.h.
Householder QR factorization, Golub & Van Loan p 224, explicit version
QR factorization, inefficient, best use imperative householder below m*n matrix -> m*m Q, m*n R
A | a matrix |
Definition at line 234 of file Matrix.cpp.
GTSAM_EXPORT bool gtsam::readBAL | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and stores the data into a SfmData structure.
filename | The name of the BAL file |
data | SfM structure where the data is stored |
Definition at line 1073 of file dataset.cpp.
GTSAM_EXPORT SfmData gtsam::readBal | ( | const std::string & | filename | ) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and returns the data as a SfmData structure. Mainly used by wrapped code.
filename | The name of the BAL file. |
Definition at line 1133 of file dataset.cpp.
bool gtsam::readBAL | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and stores the data into a SfmData structure.
filename | The name of the BAL file |
data | SfM structure where the data is stored |
Definition at line 1073 of file dataset.cpp.
SfmData gtsam::readBal | ( | const std::string & | filename | ) |
This function parses a "Bundle Adjustment in the Large" (BAL) file and returns the data as a SfmData structure. Mainly used by wrapped code.
filename | The name of the BAL file. |
Definition at line 1133 of file dataset.cpp.
GTSAM_EXPORT bool gtsam::readBundler | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function parses a bundler output file and stores the data into a SfmData structure.
filename | The name of the bundler file |
data | SfM structure where the data is stored |
Definition at line 986 of file dataset.cpp.
bool gtsam::readBundler | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function parses a bundler output file and stores the data into a SfmData structure.
filename | The name of the bundler file |
data | SfM structure where the data is stored |
Definition at line 986 of file dataset.cpp.
GTSAM_EXPORT GraphAndValues gtsam::readG2o | ( | const std::string & | g2oFile, |
const bool | is3D = false , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
This function parses a g2o file and stores the measurements into a NonlinearFactorGraph and the initial guess in a Values structure.
filename | The name of the g2o file\ |
is3D | indicates if the file describes a 2D or 3D problem |
kernelFunctionType | whether to wrap the noise model in a robust kernel |
Definition at line 615 of file dataset.cpp.
GraphAndValues gtsam::readG2o | ( | const std::string & | g2oFile, |
const bool | is3D = false , |
||
KernelFunctionType | kernelFunctionType = KernelFunctionTypeNONE |
||
) |
This function parses a g2o file and stores the measurements into a NonlinearFactorGraph and the initial guess in a Values structure.
filename | The name of the g2o file\ |
is3D | indicates if the file describes a 2D or 3D problem |
kernelFunctionType | whether to wrap the noise model in a robust kernel |
Definition at line 615 of file dataset.cpp.
void gtsam::recursiveMarkAffectedKeys | ( | const Key & | key, |
const ISAM2Clique::shared_ptr & | clique, | ||
std::set< Key > & | additionalKeys | ||
) |
Definition at line 28 of file IncrementalFixedLagSmoother.cpp.
|
inline |
Definition at line 285 of file base/Matrix.h.
Definition at line 62 of file slam/expressions.h.
Definition at line 66 of file slam/expressions.h.
Definition at line 58 of file slam/expressions.h.
Definition at line 244 of file ShonanAveraging.cpp.
const MATRIX::ConstRowXpr gtsam::row | ( | const MATRIX & | A, |
size_t | j | ||
) |
Extracts a row view from a matrix that avoids a copy
A | matrix to extract row from |
j | index of the row |
Definition at line 225 of file base/Matrix.h.
GTSAM_EXPORT std::pair< Matrix3, Vector3 > gtsam::RQ | ( | const Matrix3 & | A, |
OptionalJacobian< 3, 9 > | H = boost::none |
||
) |
[RQ] receives a 3 by 3 matrix and returns an upper triangular matrix R and 3 rotation angles corresponding to the rotation matrix Q=Qz'*Qy'*Qx' such that A = R*Q = R*Qz'*Qy'*Qx'. When A is a rotation matrix, R will be the identity and Q is a yaw-pitch-roll decomposition of A. The implementation uses Givens rotations and is based on Hartley-Zisserman.
Definition at line 529 of file Matrix.cpp.
void gtsam::save | ( | const Matrix & | A, |
const std::string & | s, | ||
const std::string & | filename | ||
) |
save a matrix to file, which can be loaded by matlab
Definition at line 97 of file Vector.cpp.
GTSAM_EXPORT void gtsam::save | ( | const Vector & | A, |
const std::string & | s, | ||
const std::string & | filename | ||
) |
save a vector to file, which can be loaded by matlab
save a matrix to file, which can be loaded by matlab
Definition at line 166 of file Matrix.cpp.
GTSAM_EXPORT void gtsam::save | ( | const Matrix & | A, |
const std::string & | s, | ||
const std::string & | filename | ||
) |
save a matrix to file, which can be loaded by matlab
Definition at line 166 of file Matrix.cpp.
void gtsam::save | ( | const Matrix & | A, |
const std::string & | s, | ||
const std::string & | filename | ||
) |
save a matrix to file, which can be loaded by matlab
Definition at line 166 of file Matrix.cpp.
GTSAM_EXPORT void gtsam::save2D | ( | const NonlinearFactorGraph & | graph, |
const Values & | config, | ||
const noiseModel::Diagonal::shared_ptr | model, | ||
const std::string & | filename | ||
) |
save 2d graph
Definition at line 582 of file dataset.cpp.
void gtsam::save2D | ( | const NonlinearFactorGraph & | graph, |
const Values & | config, | ||
const noiseModel::Diagonal::shared_ptr | model, | ||
const std::string & | filename | ||
) |
save 2d graph
Definition at line 582 of file dataset.cpp.
|
inline |
BLAS Level 1 scal: x <- alpha*x
Definition at line 372 of file NonlinearFactorGraph.cpp.
Definition at line 387 of file NonlinearFactorGraph.cpp.
void gtsam::serialize | ( | Archive & | ar, |
SO4 & | Q, | ||
const unsigned | int | ||
) |
std::string gtsam::serialize | ( | const T & | input | ) |
serializes to a string
Definition at line 100 of file base/serialization.h.
void gtsam::serialize | ( | Archive & | ar, |
SO3 & | R, | ||
const unsigned | int | ||
) |
std::string gtsam::serializeBinary | ( | const T & | input, |
const std::string & | name = "data" |
||
) |
serializes to a string in binary
Definition at line 246 of file base/serialization.h.
std::string gtsam::serializeGraph | ( | const NonlinearFactorGraph & | graph | ) |
Definition at line 211 of file serialization.cpp.
bool gtsam::serializeGraphToFile | ( | const NonlinearFactorGraph & | graph, |
const std::string & | fname | ||
) |
Definition at line 261 of file serialization.cpp.
bool gtsam::serializeGraphToXMLFile | ( | const NonlinearFactorGraph & | graph, |
const std::string & | fname, | ||
const std::string & | name = "graph" |
||
) |
Definition at line 266 of file serialization.cpp.
std::string gtsam::serializeGraphXML | ( | const NonlinearFactorGraph & | graph, |
const std::string & | name = "graph" |
||
) |
Definition at line 223 of file serialization.cpp.
bool gtsam::serializeToBinaryFile | ( | const T & | input, |
const std::string & | filename, | ||
const std::string & | name = "data" |
||
) |
serializes to a binary file
Definition at line 224 of file base/serialization.h.
void gtsam::serializeToBinaryStream | ( | const T & | input, |
std::ostream & | out_archive_stream, | ||
const std::string & | name = "data" |
||
) |
serializes to a stream in binary
Definition at line 191 of file base/serialization.h.
std::string gtsam::serializeToBinaryString | ( | const T & | input, |
const std::string & | name = "data" |
||
) |
serializes to a string in binary
Definition at line 207 of file base/serialization.h.
bool gtsam::serializeToFile | ( | const T & | input, |
const std::string & | filename | ||
) |
serializes to a file
Definition at line 80 of file base/serialization.h.
void gtsam::serializeToStream | ( | const T & | input, |
std::ostream & | out_archive_stream | ||
) |
serializes to a stream
Definition at line 51 of file base/serialization.h.
std::string gtsam::serializeToString | ( | const T & | input | ) |
serializes to a string
Definition at line 65 of file base/serialization.h.
bool gtsam::serializeToXMLFile | ( | const T & | input, |
const std::string & | filename, | ||
const std::string & | name = "data" |
||
) |
serializes to an XML file
Definition at line 150 of file base/serialization.h.
void gtsam::serializeToXMLStream | ( | const T & | input, |
std::ostream & | out_archive_stream, | ||
const std::string & | name = "data" |
||
) |
serializes to a stream in XML
Definition at line 117 of file base/serialization.h.
std::string gtsam::serializeToXMLString | ( | const T & | input, |
const std::string & | name = "data" |
||
) |
serializes to a string in XML
Definition at line 133 of file base/serialization.h.
std::string gtsam::serializeValues | ( | const Values & | values | ) |
Definition at line 236 of file serialization.cpp.
bool gtsam::serializeValuesToFile | ( | const Values & | values, |
const std::string & | fname | ||
) |
Definition at line 272 of file serialization.cpp.
bool gtsam::serializeValuesToXMLFile | ( | const Values & | values, |
const std::string & | fname, | ||
const std::string & | name = "values" |
||
) |
Definition at line 277 of file serialization.cpp.
std::string gtsam::serializeValuesXML | ( | const Values & | values, |
const std::string & | name = "values" |
||
) |
Definition at line 248 of file serialization.cpp.
std::string gtsam::serializeXML | ( | const T & | input, |
const std::string & | name = "data" |
||
) |
serializes to a string in XML
Definition at line 172 of file base/serialization.h.
|
static |
Definition at line 66 of file SubgraphPreconditioner.cpp.
|
inline |
skew symmetric matrix returns this: 0 -wz wy wz 0 -wx -wy wx 0
wx | 3 dimensional vector |
wy | |
wz |
Definition at line 404 of file base/Matrix.h.
|
inline |
Definition at line 409 of file base/Matrix.h.
|
static |
Definition at line 56 of file SubgraphBuilder.cpp.
SparseEigen gtsam::sparseJacobianEigen | ( | const GaussianFactorGraph & | gfg, |
const Ordering & | ordering | ||
) |
Constructs an Eigen-format SparseMatrix of a GaussianFactorGraph.
Definition at line 38 of file SparseEigen.h.
SparseEigen gtsam::sparseJacobianEigen | ( | const GaussianFactorGraph & | gfg | ) |
Definition at line 58 of file SparseEigen.h.
|
static |
Function to compute the minimum eigenvalue of A using Lanczos in Spectra. This does 2 things:
(1) Quick (coarse) eigenvalue computation to estimate the largest-magnitude eigenvalue (2) A second eigenvalue computation applied to A-sigma*I, where sigma is chosen to make the minimum eigenvalue of A the extremal eigenvalue of A-sigma*I
Upon completion, this returns a boolean value indicating whether the minimum eigenvalue was computed to the required precision – if so, its sets the values of minEigenValue and minEigenVector appropriately Note that in the following function signature, S is supposed to be the block-row-matrix that is a critical point for the optimization algorithm; either S (Stiefel manifold) or R (block rotations). We use this to construct a starting vector v for the Lanczos process that will be close to the minimum eigenvector we're looking for whenever the relaxation is exact – this is a key feature that helps to make this method fast. Note that instead of passing in all of S, it would be enough to pass in one of S's rows, if that's more convenient.
Definition at line 631 of file ShonanAveraging.cpp.
void gtsam::split | ( | const G & | g, |
const PredecessorMap< KEY > & | tree, | ||
G & | Ab1, | ||
G & | Ab2 | ||
) |
Split the graph into two parts: one corresponds to the given spanning tree, and the other corresponds to the rest of the factors
Definition at line 255 of file graph-inl.h.
std::pair< boost::shared_ptr< GaussianFactorGraph >, boost::shared_ptr< GaussianFactorGraph > > gtsam::splitFactorGraph | ( | const GaussianFactorGraph & | factorGraph, |
const Subgraph & | subgraph | ||
) |
Split the graph into a subgraph and the remaining edges. Note that the remaining factorgraph has null factors.
Definition at line 463 of file SubgraphBuilder.cpp.
create a matrix by stacking other matrices Given a set of matrices: A1, A2, A3...
... | pointers to matrices to be stacked |
Definition at line 396 of file Matrix.cpp.
Definition at line 423 of file Matrix.cpp.
Vector gtsam::steepestDescent | ( | const System & | Ab, |
const Vector & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Definition at line 40 of file iterative.cpp.
GTSAM_EXPORT Vector gtsam::steepestDescent | ( | const Matrix & | A, |
const Vector & | b, | ||
const Vector & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
convenience calls using matrices, will create System class internally: Method of steepest gradients, Matrix version
Definition at line 51 of file iterative.cpp.
GTSAM_EXPORT VectorValues gtsam::steepestDescent | ( | const GaussianFactorGraph & | fg, |
const VectorValues & | x, | ||
const ConjugateGradientParameters & | parameters | ||
) |
Method of steepest gradients, Gaussian Factor Graph version
Definition at line 64 of file iterative.cpp.
GTSAM_EXPORT Vector gtsam::steepestDescent | ( | const System & | Ab, |
const Vector & | x, | ||
const IterativeOptimizationParameters & | parameters | ||
) |
Method of steepest gradients, System version
GTSAM_EXPORT Matrix43 gtsam::stiefel | ( | const SO4 & | Q, |
OptionalJacobian< 12, 6 > | H = boost::none |
||
) |
Eigen::Block<const MATRIX> gtsam::sub | ( | const MATRIX & | A, |
size_t | i1, | ||
size_t | i2, | ||
size_t | j1, | ||
size_t | j2 | ||
) |
extract submatrix, slice semantics, i.e. range = [i1,i2[ excluding i2
A | matrix |
i1 | first row index |
i2 | last row index + 1 |
j1 | first col index |
j2 | last col index + 1 |
Definition at line 184 of file base/Matrix.h.
SVD computes economy SVD A=U*S*V'
A | an m*n matrix |
U | output argument: rotation matrix |
S | output argument: sorted vector of singular values |
V | output argument: rotation matrix if m > n then U*S*V' = (m*n)*(n*n)*(n*n) if m < n then U*S*V' = (m*m)*(m*m)*(m*n) Careful! The dimensions above reflect V', not V, which is n*m if m<n. U is a basis in R^m, V is a basis in R^n You can just pass empty matrices U,V, and vector S, they will be re-allocated. |
Definition at line 559 of file Matrix.cpp.
|
inline |
Create a symbol key from a character and index, i.e. x5.
Definition at line 134 of file inference/Symbol.h.
|
inline |
Return the character portion of a symbol key.
Definition at line 137 of file inference/Symbol.h.
|
inline |
Return the index portion of a symbol key.
Definition at line 140 of file inference/Symbol.h.
void GTSAM_UNSTABLE_EXPORT gtsam::synchronize | ( | ConcurrentFilter & | filter, |
ConcurrentSmoother & | smoother | ||
) |
Definition at line 28 of file ConcurrentFilteringAndSmoothing.cpp.
gtsam::TEST | ( | LPInitSolver | , |
InfiniteLoopSingleVar | |||
) |
Definition at line 64 of file testLPSolver.cpp.
gtsam::TEST | ( | LPInitSolver | , |
InfiniteLoopMultiVar | |||
) |
Definition at line 82 of file testLPSolver.cpp.
gtsam::TEST | ( | LPInitSolver | , |
Initialization | |||
) |
Definition at line 112 of file testLPSolver.cpp.
void gtsam::testChartDerivatives | ( | TestResult & | result_, |
const std::string & | name_, | ||
const G & | t1, | ||
const G & | t2 | ||
) |
void gtsam::testDefaultChart | ( | TestResult & | result_, |
const std::string & | name_, | ||
const T & | value | ||
) |
Definition at line 31 of file chartTesting.h.
void gtsam::testLieGroupDerivatives | ( | TestResult & | result_, |
const std::string & | name_, | ||
const G & | t1, | ||
const G & | t2 | ||
) |
Convert the factor graph to an SDGraph G = Graph type F = Factor type Key = Key type
Definition at line 68 of file graph-inl.h.
GTSAM_EXPORT Matrix3 gtsam::topLeft | ( | const SO4 & | Q, |
OptionalJacobian< 9, 6 > | H = boost::none |
||
) |
static transpose function, just calls Eigen transpose member function
Definition at line 245 of file base/Matrix.h.
P gtsam::transform_point | ( | const T & | trans, |
const P & | global, | ||
boost::optional< Matrix & > | Dtrans, | ||
boost::optional< Matrix & > | Dglobal | ||
) |
Transform function that must be specialized specific domains
T | is a Transform type |
P | is a point type |
Definition at line 30 of file ReferenceFrameFactor.h.
Definition at line 41 of file slam/expressions.h.
Definition at line 25 of file slam/expressions.h.
Definition at line 37 of file slam/expressions.h.
Definition at line 45 of file slam/expressions.h.
Line3 gtsam::transformTo | ( | const Pose3 & | wTc, |
const Line3 & | wL, | ||
OptionalJacobian< 4, 6 > | Dpose = boost::none , |
||
OptionalJacobian< 4, 4 > | Dline = boost::none |
||
) |
Transform a line from world to camera frame
wTc | - Pose3 of camera in world frame |
wL | - Line3 in world frame |
Dpose | - OptionalJacobian of transformed line with respect to p |
Dline | - OptionalJacobian of transformed line with respect to l |
GTSAM_EXPORT Point3 gtsam::triangulateDLT | ( | const std::vector< Matrix34, Eigen::aligned_allocator< Matrix34 >> & | projection_matrices, |
const Point2Vector & | measurements, | ||
double | rank_tol = 1e-9 |
||
) |
DLT triangulation: See Hartley and Zisserman, 2nd Ed., page 312
projection_matrices | Projection matrices (K*P^-1) |
measurements | 2D measurements |
rank_tol | SVD rank tolerance |
Definition at line 56 of file triangulation.cpp.
GTSAM_EXPORT Vector4 gtsam::triangulateHomogeneousDLT | ( | const std::vector< Matrix34, Eigen::aligned_allocator< Matrix34 >> & | projection_matrices, |
const Point2Vector & | measurements, | ||
double | rank_tol = 1e-9 |
||
) |
DLT triangulation: See Hartley and Zisserman, 2nd Ed., page 312
projection_matrices | Projection matrices (K*P^-1) |
measurements | 2D measurements |
rank_tol | SVD rank tolerance |
Definition at line 26 of file triangulation.cpp.
Point3 gtsam::triangulateNonlinear | ( | const std::vector< Pose3 > & | poses, |
boost::shared_ptr< CALIBRATION > | sharedCal, | ||
const Point2Vector & | measurements, | ||
const Point3 & | initialEstimate | ||
) |
Given an initial estimate , refine a point using measurements in several cameras
poses | Camera poses |
sharedCal | shared pointer to single calibration object |
measurements | 2D measurements |
initialEstimate |
Definition at line 147 of file triangulation.h.
Point3 gtsam::triangulateNonlinear | ( | const CameraSet< CAMERA > & | cameras, |
const typename CAMERA::MeasurementVector & | measurements, | ||
const Point3 & | initialEstimate | ||
) |
Given an initial estimate , refine a point using measurements in several cameras
cameras | pinhole cameras (monocular or stereo) |
measurements | 2D measurements |
initialEstimate |
Definition at line 168 of file triangulation.h.
Point3 gtsam::triangulatePoint3 | ( | const std::vector< Pose3 > & | poses, |
boost::shared_ptr< CALIBRATION > | sharedCal, | ||
const Point2Vector & | measurements, | ||
double | rank_tol = 1e-9 , |
||
bool | optimize = false |
||
) |
Function to triangulate 3D landmark point from an arbitrary number of poses (at least 2) using the DLT. The function checks that the resulting point lies in front of all cameras, but has no other checks to verify the quality of the triangulation.
poses | A vector of camera poses |
sharedCal | shared pointer to single calibration object |
measurements | A vector of camera measurements |
rank_tol | rank tolerance, default 1e-9 |
optimize | Flag to turn on nonlinear refinement of triangulation |
Definition at line 215 of file triangulation.h.
Point3 gtsam::triangulatePoint3 | ( | const CameraSet< CAMERA > & | cameras, |
const typename CAMERA::MeasurementVector & | measurements, | ||
double | rank_tol = 1e-9 , |
||
bool | optimize = false |
||
) |
Function to triangulate 3D landmark point from an arbitrary number of poses (at least 2) using the DLT. This function is similar to the one above, except that each camera has its own calibration. The function checks that the resulting point lies in front of all cameras, but has no other checks to verify the quality of the triangulation.
cameras | pinhole cameras |
measurements | A vector of camera measurements |
rank_tol | rank tolerance, default 1e-9 |
optimize | Flag to turn on nonlinear refinement of triangulation |
Definition at line 263 of file triangulation.h.
Point3 gtsam::triangulatePoint3 | ( | const CameraSet< PinholeCamera< CALIBRATION > > & | cameras, |
const Point2Vector & | measurements, | ||
double | rank_tol = 1e-9 , |
||
bool | optimize = false |
||
) |
Pinhole-specific version.
Definition at line 300 of file triangulation.h.
TriangulationResult gtsam::triangulateSafe | ( | const CameraSet< CAMERA > & | cameras, |
const typename CAMERA::MeasurementVector & | measured, | ||
const TriangulationParameters & | params | ||
) |
triangulateSafe: extensive checking of the outcome
Definition at line 442 of file triangulation.h.
std::pair<NonlinearFactorGraph, Values> gtsam::triangulationGraph | ( | const std::vector< Pose3 > & | poses, |
boost::shared_ptr< CALIBRATION > | sharedCal, | ||
const Point2Vector & | measurements, | ||
Key | landmarkKey, | ||
const Point3 & | initialEstimate | ||
) |
Create a factor graph with projection factors from poses and one calibration
poses | Camera poses |
sharedCal | shared pointer to single calibration object (monocular only!) |
measurements | 2D measurements |
landmarkKey | to refer to landmark |
initialEstimate |
Definition at line 82 of file triangulation.h.
std::pair<NonlinearFactorGraph, Values> gtsam::triangulationGraph | ( | const CameraSet< CAMERA > & | cameras, |
const typename CAMERA::MeasurementVector & | measurements, | ||
Key | landmarkKey, | ||
const Point3 & | initialEstimate | ||
) |
Create a factor graph with projection factors from pinhole cameras (each camera has a pose and calibration)
cameras | pinhole cameras (monocular or stereo) |
measurements | 2D measurements |
landmarkKey | to refer to landmark |
initialEstimate |
Definition at line 111 of file triangulation.h.
Point2_ gtsam::uncalibrate | ( | const Expression< CALIBRATION > & | K, |
const Point2_ & | xy_hat | ||
) |
Definition at line 125 of file slam/expressions.h.
Definition at line 70 of file slam/expressions.h.
Definition at line 74 of file slam/expressions.h.
|
static |
Definition at line 497 of file Matrix.cpp.
Definition at line 505 of file Matrix.cpp.
GTSAM_EXPORT void gtsam::vector_scale_inplace | ( | const Vector & | v, |
Matrix & | A, | ||
bool | inf_mask = false |
||
) |
scales a matrix row or column by the values in a vector Arguments (Matrix, Vector) scales the columns, (Vector, Matrix) scales the rows
inf_mask | when true, will not scale with a NaN or inf value. |
Definition at line 481 of file Matrix.cpp.
|
inline |
Definition at line 40 of file navigation/expressions.h.
Declaration of wedge (see Murray94book) used to convert from n exponential coordinates to n*n element of the Lie algebra
|
inline |
|
inline |
|
inline |
Definition at line 226 of file Similarity3.h.
GTSAM_EXPORT std::list< boost::tuple< Vector, double, double > > gtsam::weighted_eliminate | ( | Matrix & | A, |
Vector & | b, | ||
const Vector & | sigmas | ||
) |
Imperative algorithm for in-place full elimination with weights and constraint handling
A | is a matrix to eliminate |
b | is the rhs |
sigmas | is a vector of the measurement standard deviation |
Definition at line 272 of file Matrix.cpp.
GTSAM_EXPORT double gtsam::weightedPseudoinverse | ( | const Vector & | a, |
const Vector & | weights, | ||
Vector & | pseudo | ||
) |
Definition at line 246 of file Vector.cpp.
GTSAM_EXPORT std::pair< Vector, double > gtsam::weightedPseudoinverse | ( | const Vector & | v, |
const Vector & | weights | ||
) |
Weighted Householder solution vector, a.k.a., the pseudoinverse of the column NOTE: if any sigmas are zero (indicating a constraint) the pseudoinverse will be a selection vector, and the variance will be zero
v | is the first column of the matrix to solve |
weights | is a vector of weights/precisions where w=1/(s*s) |
Definition at line 292 of file Vector.cpp.
GTSAM_EXPORT bool gtsam::writeBAL | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure.
filename | The name of the BAL file to write |
data | SfM structure where the data is stored |
Definition at line 1140 of file dataset.cpp.
bool gtsam::writeBAL | ( | const std::string & | filename, |
SfmData & | data | ||
) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure.
filename | The name of the BAL file to write |
data | SfM structure where the data is stored |
Definition at line 1140 of file dataset.cpp.
GTSAM_EXPORT bool gtsam::writeBALfromValues | ( | const std::string & | filename, |
const SfmData & | data, | ||
Values & | values | ||
) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure and a value structure (measurements are the same as the SfM input data, while camera poses and values are read from Values)
filename | The name of the BAL file to write |
data | SfM structure where the data is stored |
values | structure where the graph values are stored (values can be either Pose3 or PinholeCamera<Cal3Bundler> for the cameras, and should be Point3 for the 3D points). Note that the current version assumes that the keys are "x1" for pose 1 (or "c1" for camera 1) and "l1" for landmark 1 |
Definition at line 1216 of file dataset.cpp.
bool gtsam::writeBALfromValues | ( | const std::string & | filename, |
const SfmData & | data, | ||
Values & | values | ||
) |
This function writes a "Bundle Adjustment in the Large" (BAL) file from a SfmData structure and a value structure (measurements are the same as the SfM input data, while camera poses and values are read from Values)
filename | The name of the BAL file to write |
data | SfM structure where the data is stored |
values | structure where the graph values are stored (values can be either Pose3 or PinholeCamera<Cal3Bundler> for the cameras, and should be Point3 for the 3D points). Note that the current version assumes that the keys are "x1" for pose 1 (or "c1" for camera 1) and "l1" for landmark 1 |
Definition at line 1216 of file dataset.cpp.
GTSAM_EXPORT void gtsam::writeG2o | ( | const NonlinearFactorGraph & | graph, |
const Values & | estimate, | ||
const std::string & | filename | ||
) |
This function writes a g2o file from NonlinearFactorGraph and a Values structure.
filename | The name of the g2o file to write |
graph | NonlinearFactor graph storing the measurements |
estimate | Values |
Note:behavior change in PR #471: to be consistent with load2D and load3D, we write the indices to file and not the full Keys. This change really only affects landmarks, which get read as indices but stored in values with the symbol L(index).
Definition at line 630 of file dataset.cpp.
void gtsam::writeG2o | ( | const NonlinearFactorGraph & | graph, |
const Values & | estimate, | ||
const std::string & | filename | ||
) |
This function writes a g2o file from NonlinearFactorGraph and a Values structure.
filename | The name of the g2o file to write |
graph | NonlinearFactor graph storing the measurements |
estimate | Values |
Note:behavior change in PR #471: to be consistent with load2D and load3D, we write the indices to file and not the full Keys. This change really only affects landmarks, which get read as indices but stored in values with the symbol L(index).
Definition at line 630 of file dataset.cpp.
void gtsam::zeroBelowDiagonal | ( | MATRIX & | A, |
size_t | cols = 0 |
||
) |
Zeros all of the elements below the diagonal of a matrix, in place
A | is a matrix, to be modified in place |
cols | is the number of columns to zero, use zero for all columns |
Definition at line 235 of file base/Matrix.h.
|
static |
Definition at line 31 of file Symbol.cpp.
Definition at line 33 of file Symbol.cpp.
GTSAM_EXTERN_EXPORT FastMap< std::string, ValueWithDefault< bool, false > > gtsam::debugFlags |
|
static |
Definition at line 32 of file Symbol.cpp.
Definition at line 34 of file Symbol.cpp.
|
static |
Definition at line 29 of file ScenarioRunner.cpp.
Definition at line 30 of file Symbol.cpp.
|
static |
Definition at line 14 of file PoseRTV.cpp.
|
static |
Definition at line 21 of file DynamicsPriors.h.
|
static |
Definition at line 30 of file ScenarioRunner.cpp.
|
static |
Definition at line 20 of file DynamicsPriors.h.
|
static |
Definition at line 19 of file DynamicsPriors.h.
|
static |
Definition at line 23 of file DynamicsPriors.h.
|
static |
Definition at line 22 of file DynamicsPriors.h.
constant needed below
Definition at line 26 of file WhiteNoiseFactor.h.
const size_t gtsam::max_it = 100000 |
Definition at line 15 of file SimPolygon2D.cpp.
|
static |
A KeyFormatter that will check for LabeledSymbol keys, as well as Symbol and plain integer keys. This keyformatter will need to be passed in to override the default formatter in print functions.
Checks for LabeledSymbol, Symbol and then plain keys, in order.
|
static |
Definition at line 30 of file base/cholesky.cpp.
|
static |
|
static |
|
static |
|
static |
Definition at line 33 of file base/cholesky.cpp.
|
static |
Definition at line 32 of file base/cholesky.cpp.
|
static |
|
static |
|
static |
Definition at line 31 of file base/cholesky.cpp.