numerical-collection-cpp 0.10.0
A collection of algorithms in numerical analysis implemented in C++
Loading...
Searching...
No Matches
Class Hierarchy

Go to the graphical class hierarchy

This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 12345]
 Cnum_collect::opt::impl::adc_group< Value >Class of groups in [27] for num_collect::opt::adaptive_diagonal_curves
 Cnum_collect::opt::impl::adc_rectangle< Value >Class of rectangles as proposed in [26] for num_collect::opt::adaptive_diagonal_curves
 Cnum_collect::opt::impl::adc_sample_dict< ObjectiveFunction >Class of dictionaries of sampling points in num_collect::opt::adaptive_diagonal_curves
 Cnum_collect::opt::impl::adc_sample_dict< objective_function_type >
 Cnum_collect::opt::impl::adc_sample_dict< ObjectiveFunction >Class of dictionaries of sampling points in num_collect::opt::adaptive_diagonal_curves
 Cnum_collect::opt::annealing_downhill_simplex< ObjectiveFunction >Class of downhill simplex method with simulated annealing [20]
 Cnum_collect::opt::any_objective_function< Signature >Class to store any type of objects of objective functions
 Cnum_collect::opt::any_objective_function< Value(Variable)>Class to store any type of objects of objective functions
 Cnum_prob_collect::ode::autonomous_external_force_vibration_problemClass of test problem of vibration with external force (autonomous version)
 Cnum_collect::ode::avf::avf2_formula< Problem >Class of 2nd order average vector field (AVF) method [21]
 Cnum_collect::ode::avf::avf3_formula< Problem >Class of 3rd order average vector field (AVF) method [21]
 Cnum_collect::ode::avf::avf4_formula< Problem >Class of 4th order average vector field (AVF) method [21]
 Cnum_collect::ode::avf::impl::avf_integrand< Problem >Class of integrand for average vector field (AVF) method [21]
 Cnum_collect::ode::avf::impl::avf_integrand< problem_type >
 Cnum_collect::opt::backtracking_line_searcher< ObjectiveFunction >Class to perform backtracking line search
 Cnum_collect::opt::backtracking_line_searcher< ObjectiveFunction >Class to perform backtracking line search
 Cnum_collect::ode::rosenbrock::bicgstab_rosenbrock_equation_solver< Problem >Class to solve equations in Rosenbrock methods using BiCGstab
 Cnum_collect::util::bidirectional_vector< Value, Container >Class to save data in a sequence which can be extended even toward negative direction
 Cnum_collect::util::bidirectional_vector< digit_type >
 Cnum_prob_collect::regularization::blur_sineClass of problem of blurred sine function
 Cnum_collect::logging::config::log_sink_factory_table::cached_log_sinkClass of caches of log sinks
 Cnum_prob_collect::ode::changing_mass_exponential_problemClass of test problem to calculate exponential function
 Cnum_prob_collect::ode::changing_mass_quadratic_problemClass of a test problem
 Cnum_collect::auto_diff::backward::graph::child_node< Scalar >Class to save information of child nodes
 Cnum_collect::auto_diff::backward::graph::child_node< scalar_type >
 Cnum_collect::logging::sinks::combined_log_sinkClass of log sinks to write logs to multiple log sinks
 Cnum_collect::auto_diff::backward::constant_tagTag class to specify constants
 Cnum_collect::auto_diff::backward::impl::create_diff_variable_vector_functor< ValueVector >Class of functor to create a vector of variables by which functions will be differentiated
 Cnum_collect::auto_diff::forward::impl::create_diff_variable_vector_functor< ValueVector >Class of functor to create a vector of variables by which functions will be differentiated
 Cnum_prob_collect::roots::cubic_root_test_functionClass of test function to calculate cubic root of a number
 Cnum_collect::numbers::custom_float< Radix, Digit, DigitCalc >Class of floating numbers in a custom number system with given radix
 Cnum_collect::linear::cuthill_mckee_ordering< StorageIndex >Class to perform Cuthill-McKee ordering method [7], [16]
 Cnum_collect::linear::impl::cuthill_mckee_ordering_impl< StorageIndex >Class of the implementation of Cuthill-McKee ordering method [7], [16]
 Cnum_collect::integration::de_finite_integrator< Signature >Class to perform numerical integration on finite range using double exponential rule
 Cnum_collect::integration::de_infinite_integrator< Signature >Class to perform numerical integration on infinite range \((-\infty, \infty)\) using double exponential rule
 Cnum_collect::integration::de_semi_infinite_integrator< Signature >Class to perform numerical integration on semi-infinite range \((0, \infty)\) using double exponential rule
 Cnum_collect::integration::impl::de_semi_infinite_integrator_traits< Variable >Helper class of constants for use in de_semi_infinite_integrator class
 Cnum_collect::integration::impl::de_semi_infinite_integrator_traits< double >Implementation of de_semi_infinite_integrator_traits for float
 Cnum_collect::integration::impl::de_semi_infinite_integrator_traits< float >Implementation of de_semi_infinite_integrator_traits for float
 Cnum_collect::ode::rosenbrock::default_rosenbrock_equation_solver< Problem >Class to get the default class to solve equations in Rosenbrock methods
 Cnum_collect::ode::rosenbrock::default_rosenbrock_equation_solver< Problem >Class to get the default class to solve equations in Rosenbrock methods
 Cnum_prob_collect::regularization::impl::dense_diff_matrix_functor< Matrix >Helper class to create a dense differential matrix
 Cnum_collect::util::impl::dense_matrix_format_view< Matrix >Class of expressions to format dense matrices
 Cnum_collect::util::impl::dense_vector_format_view< Vector >Class of expressions to format dense vectors
 Cdescent_method_base< bfgs_optimizer< ObjectiveFunction, backtracking_line_searcher< ObjectiveFunction >, Eigen::LLT< Eigen::MatrixX< typename ObjectiveFunction::value_type > > >, backtracking_line_searcher< ObjectiveFunction > >
 Cnum_collect::auto_diff::backward::impl::differentiate_scalar_with_matrix_functor< ArgType >Class of functor to assign differential coefficients to matrices on the condition that a scalar-valued function is differentiated by a matrix-valued variable
 Cnum_collect::auto_diff::backward::impl::differentiate_vector_with_vector_functor< FuncValType, ArgType >Class of functor to assign differential coefficients to matrices on the condition that a vector-valued function is differentiated by a vector-valued variable
 Cnum_prob_collect::roots::double_cubic_test_functionClass of test function with two cubic functions
 Cnum_collect::opt::downhill_simplex< ObjectiveFunction >Class of downhill simplex method
 Cnum_collect::util::equal< Left, Right >Class to compare two values with operator==
 Cnum_collect::ode::error_tolerances< Variable >Class of error tolerances [10]
 Cnum_collect::ode::error_tolerances< Variable >Class of error tolerances [10]
 Cnum_collect::ode::error_tolerances< variable_type >
 Cnum_collect::ode::error_tolerances< vector_type >
 Cnum_collect::rbf::distance_functions::euclidean_distance_function< Variable >Class to calculate Euclidean distance
 Cnum_collect::rbf::distance_functions::euclidean_distance_function< Variable >Class to calculate Euclidean distance
 Cnum_collect::ode::evaluation_typeStruct to specify types of evaluations
 Cstd::exceptionSTL class
 Cnum_collect::regularization::explicit_gcv_objective_function< Solver >Class of objective function in GCV
 Cnum_collect::regularization::explicit_l_curve_objective_function< Solver >Class of objective function in L-curve
 Cnum_collect::regularization::explicit_param_searcher_base< Derived, Solver >Base class for searching the optimal regularization parameters using explicit formulas for regularization
 Cnum_collect::regularization::explicit_param_searcher_base< explicit_gcv< Solver, opt::heuristic_global_optimizer >, Solver >
 Cnum_collect::regularization::explicit_param_searcher_base< explicit_l_curve< Solver, opt::heuristic_global_optimizer >, Solver >
 Cnum_prob_collect::ode::exponential_problemClass of test problem to calculate exponential function
 Cnum_prob_collect::ode::external_exponential_problemClass of test problem to calculate exponential function using external time-dependent term.
 Cnum_prob_collect::ode::external_force_vibration_problemClass of test problem of vibration with external force
 Cstd::false_type
 Cnum_collect::logging::sinks::file_wrapperClass to wrap file pointer
 Cnum_collect::linear::algebraic_multigrid_solver< Matrix >::final_layer_dataStruct of internal data for the final layer
 Cnum_collect::linear::algebraic_multigrid_solver< Matrix >::first_layer_dataStruct of internal data for the first layer
 Cformatter
 Cfmt::formatter< num_collect::logging::time_stamp >Fmt::formatter for num_collect::logging::time_stamp
 Cfmt::formatter< num_collect::numbers::fraction< Integer > >Fmt::formatter for num_collect::numbers::fraction
 Cnum_collect::ode::formula_base< Derived, Problem >Base class of formulas in ODE solvers
 Cnum_collect::ode::formula_base< ark43_erk_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< ark43_esdirk_formula< Problem, inexact_newton_update_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< ark54_esdirk_formula< Problem, inexact_newton_update_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< dopri5_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< esdirk45_formula< Problem, inexact_newton_update_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< implicit_euler_formula< Problem, inexact_newton_slope_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< leap_frog_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< rk4_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< rkf45_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< rodasp_formula< Problem, default_rosenbrock_equation_solver_t< Problem > >, Problem >
 Cnum_collect::ode::formula_base< rodaspr_formula< Problem, default_rosenbrock_equation_solver_t< Problem > >, Problem >
 Cnum_collect::ode::formula_base< ros34pw3_formula< Problem, default_rosenbrock_equation_solver_t< Problem > >, Problem >
 Cnum_collect::ode::formula_base< ros3w_formula< Problem, default_rosenbrock_equation_solver_t< Problem > >, Problem >
 Cnum_collect::ode::formula_base< sdirk4_formula< Problem, inexact_newton_update_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< symplectic_forest4_formula< Problem >, Problem >
 Cnum_collect::ode::formula_base< tanaka1_formula< Problem, inexact_newton_slope_equation_solver< Problem > >, Problem >
 Cnum_collect::ode::formula_base< tanaka2_formula< Problem, inexact_newton_slope_equation_solver< Problem > >, Problem >
 Cnum_collect::numbers::fraction< IntegerType >Class of fractions
 Cnum_prob_collect::ode::free_fall_in_resistance_problemClass of test problem of free fall in air resistance
 Cnum_collect::logging::iterations::function_iteration_parameter_value< Algorithm, Value, Function >Class of parameters values in iterations specified by functions
 Cnum_collect::opt::function_object_wrapper< Signature, Function >Wrapper class of a function object to use as an objective function
 Cnum_collect::opt::function_object_wrapper< Value(Variable), Function >Wrapper class of a function object to use as an objective function
 Cnum_collect::functions::impl::gamma_lanczos< Real >Class to calculate gamma function using approximation derived by Lanczos [20]
 Cnum_collect::integration::gauss_legendre_integrator< Signature >Class to perform numerical integration with Gauss-Legendre formula
 Cnum_collect::integration::gauss_legendre_integrator< variable_type(scalar_type)>
 Cnum_collect::integration::gauss_legendre_kronrod_integrator< Signature >Class to perform numerical adaptive integration with Gauss-Legendre-Kronrod formula in [18]
 Cnum_collect::rbf::rbfs::gaussian_rbf< Scalar >Class of Gaussian RBF [6]
 Cnum_collect::rbf::impl::general_spline_equation_solver< KernelValue, FunctionValue, KernelMatrixType, UsesGlobalLengthParameter >Class to solve linear equations of kernel matrices and matrices of additional terms in RBF interpolation
 Cnum_collect::rbf::impl::general_spline_equation_solver< kernel_value_type, function_value_type, KernelMatrixType, uses_global_length_parameter >
 Cnum_collect::rbf::impl::general_spline_equation_solver< KernelValue, FunctionValue, kernel_matrix_type::dense, true >Class to solve linear equations of kernel matrices and matrices of additional terms in RBF interpolation
 Cnum_collect::rbf::impl::get_variable_type< FunctionSignature >Get the type of variables from function signature
 Cnum_collect::rbf::impl::get_variable_type< FunctionValue(Variable)>Get the type of variables from function signature
 Cnum_collect::rbf::length_parameter_calculators::global_length_parameter_calculator< DistanceFunction >Class to calculate length parameters for RBF using global fixed length parameter
 Cglobal_rbf_interpolator< FunctionSignature, rbfs::gaussian_rbf< impl::get_default_scalar_type< FunctionSignature > >, kernel_matrix_type::dense, distance_functions::euclidean_distance_function< impl::get_variable_type_t< FunctionSignature > > >
 Cglobal_rbf_interpolator< value_type(variable_type), rbfs::gaussian_rbf< impl::get_default_scalar_type< value_type(variable_type)> >, kernel_matrix_type::dense, distance_functions::euclidean_distance_function< impl::get_variable_type_t< value_type(variable_type)> > >
 Cnum_collect::ode::impl::gmres< Vector >Class to solve linear equations using generalized minimal residual (GMRES) [7]
 Cnum_collect::ode::impl::gmres< variable_type >
 Cnum_collect::ode::rosenbrock::gmres_rosenbrock_equation_solver< Problem >Class to solve equations in Rosenbrock methods using GMRES
 Cnum_collect::opt::impl::adc_group< Value >::greaterClass to compare rectangles
 Cnum_collect::util::greater< Left, Right >Class to compare two values with operator>
 Cnum_collect::util::greater_equal< Left, Right >Class to compare two values with operator>=
 Cnum_collect::opt::dividing_rectangles< ObjectiveFunction >::greater_rectangleClass to compare rectangles
 Cstd::hash< num_collect::logging::impl::log_tag_element >Specialization of std::hash for num_collect::logging::impl::log_tag_element
 Cstd::hash< num_collect::opt::impl::ternary_vector >Implementation of std::hash for num_collect::opt::impl::ternary_vector
 Cnum_collect::opt::heuristic_global_optimizer< ObjectiveFunction >Class to perform global optimization using heuristics
 Cnum_collect::opt::heuristic_global_optimizer< opt::function_object_wrapper< scalar_type(scalar_type), explicit_gcv_objective_function< solver_type > > >
 Cnum_collect::opt::heuristic_global_optimizer< opt::function_object_wrapper< scalar_type(scalar_type), explicit_l_curve_objective_function< solver_type > > >
 Cnum_prob_collect::ode::implicit_exponential_problemClass of test problem to calculate exponential function
 Cnum_collect::regularization::implicit_gcv_calculator< Solver >Class to calculate the objective function of GCV
 Cnum_collect::regularization::implicit_gcv_calculator< solver_type >
 Cnum_prob_collect::ode::implicit_kaps_problemClass of Kaps' problem [15]
 Cnum_collect::ode::inexact_newton_slope_equation_solver< Problem >Class to solve equations of implicit slopes using inexact Newton method
 Cnum_collect::ode::inexact_newton_update_equation_solver< Problem >Class to solve equations of implicit updates using inexact Newton method
 Cnum_collect::linear::algebraic_multigrid_solver< Matrix >::intermidiate_layer_dataStruct of internal data for the intermidiate layers
 Cnum_collect::rbf::rbfs::inverse_multi_quadric_rbf< Scalar >Class of inverse multi-quadric RBF [6]
 Cnum_collect::rbf::rbfs::inverse_quadratic_rbf< Scalar >Class of inverse quadratic RBF [6]
 Cstd::is_floating_point
 Cstd::is_integral
 Cnum_collect::base::concepts::is_invocable_as< Func, Result(Args...)>Check whether the given function is invocable as a function with the given signature
 Cstd::is_signed
 Cnum_collect::logging::impl::iteration_layer_handlerClass to handle layers of iterations
 Cnum_collect::logging::iterations::iteration_logger< Algorithm >Class to write logs of iterations
 Cnum_collect::logging::iterations::iteration_logger_mixin< Derived >Class to incorporate num_collect::logging::iterations::iteration_logger in algorithms
 Cnum_collect::logging::iterations::iteration_logger_mixin< adaptive_diagonal_curves< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< annealing_downhill_simplex< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< conjugate_gradient_optimizer< ObjectiveFunction, backtracking_line_searcher< ObjectiveFunction > > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< dfp_optimizer< ObjectiveFunction, backtracking_line_searcher< ObjectiveFunction >, Eigen::MatrixX< typename ObjectiveFunction::value_type > > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< dividing_rectangles< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< downhill_simplex< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< embedded_solver< Formula, pi_step_size_controller< Formula > > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< fista< Coeff, Data > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< gaussian_process_optimizer< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< golden_section_search< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< heuristic_global_optimizer< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< newton_optimizer< ObjectiveFunction, backtracking_line_searcher< ObjectiveFunction >, Eigen::LLT< typename ObjectiveFunction::hessian_type > > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< newton_raphson< Function > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< sampling_optimizer< ObjectiveFunction > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< simple_solver< Formula > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< steepest_descent< ObjectiveFunction, backtracking_line_searcher< ObjectiveFunction > > >
 Cnum_collect::logging::iterations::iteration_logger_mixin< tv_admm< Coeff, DerivativeMatrix, Data > >
 Cnum_collect::logging::iterations::iteration_parameter_base< Algorithm >Base class of parameters in iterations
 Cnum_collect::logging::iterations::iteration_parameter_base< std::monostate >
 Cnum_collect::logging::iterations::iteration_parameter_formatter< Value >Class of the formatter of parameter values in iterations
 Cnum_collect::logging::iterations::iteration_parameter_formatter< Value >Class of the formatter of parameter values in iterations
 Cnum_collect::util::iteration_period_checkerClass to check periods of iterations
 Citerative_solver_base
 Cnum_collect::linear::impl::iterative_solver_traits< Solver, typename >Traits of iterative solvers
 Cnum_collect::linear::impl::iterative_solver_traits< algebraic_multigrid_solver< Matrix > >Traits of algebraic_multigrid_solver class
 Cnum_collect::linear::impl::iterative_solver_traits< gauss_seidel_iterative_solver< Matrix > >Traits of gauss_seidel_iterative_solver class
 Cnum_collect::linear::impl::iterative_solver_traits< parallel_symmetric_successive_over_relaxation< Matrix > >Traits of parallel_symmetric_successive_over_relaxation class
 Cnum_collect::linear::impl::iterative_solver_traits< symmetric_successive_over_relaxation< Matrix > >Traits of symmetric_successive_over_relaxation class
 Cnum_collect::util::kahan_adder< T >Class to add numbers using Kahan summation [14]
 Cnum_prob_collect::ode::kaps_problemClass of Kaps' problem [15]
 Cnum_collect::rbf::impl::kernel_matrix_solver< KernelValue, FunctionValue, KernelMatrixType, UsesGlobalLengthParameter >Class to solve linear equations of kernel matrices
 Cnum_collect::rbf::impl::kernel_matrix_solver< kernel_value_type, function_value_type, KernelMatrixType, uses_global_length_parameter >
 Cnum_collect::rbf::impl::kernel_matrix_solver< KernelValue, FunctionValue, kernel_matrix_type::dense, false >Class to solve linear equations of kernel matrices
 Cnum_collect::rbf::impl::kernel_matrix_solver< KernelValue, FunctionValue, kernel_matrix_type::dense, true >Class to solve linear equations of kernel matrices
 Cnum_collect::rbf::impl::kernel_matrix_solver< KernelValue, FunctionValue, kernel_matrix_type::sparse, false >Class to solve linear equations of kernel matrices
 Cnum_prob_collect::linear::laplacian_2d_grid< Matrix >Class to create matrices of Laplacian on a 2-dimensional grid
 Cnum_collect::functions::impl::legendre_for_newton< T >Class of Legendre function to use with num_collect::roots::newton_raphson class
 Cnum_collect::functions::legendre_roots< T >Class of roots of Legendre function
 Cnum_collect::functions::legendre_roots< variable_type >
 Cnum_collect::util::less< Left, Right >Class to compare two values with operator<
 Cnum_collect::util::less_equal< Left, Right >Class to compare two values with operator<=
 Cnum_collect::rbf::length_parameter_calculators::local_length_parameter_calculator< DistanceFunction >Class to calculate length parameters for RBF using length parameters localized for each sample point
 Cnum_collect::logging::config::log_config_parser_baseInterface of parsers of logging configurations
 Cnum_collect::logging::formatters::log_formatter_baseBase class of classes to format logs
 Cnum_collect::logging::sinks::log_sinkClass of log sinks
 Cnum_collect::logging::config::log_sink_factory_baseInterface of factories of log sinks
 Cnum_collect::logging::config::log_sink_factory_tableClass of tables of log sinks
 Cnum_collect::logging::log_tagClass of tags of logs
 Cnum_collect::logging::log_tag_configClass to hold configurations for log tags
 Cnum_collect::logging::impl::log_tag_config_treeClass of trees of configurations of log tags
 Cnum_collect::logging::impl::log_tag_config_tree_nodeClass of nodes in log_tag_config_tree objects
 Cnum_collect::logging::impl::log_tag_elementClass of elements in log tags
 Cnum_collect::logging::log_tag_viewClass of tags of logs without memory management
 Cnum_collect::logging::loggerClass of loggers
 Cnum_collect::logging::logging_mixinClass to incorporate logging in algorithms
 Cnum_collect::logging::logging_proxyProxy class to write logs
 Cnum_collect::ode::rosenbrock::lu_rosenbrock_equation_solver< Problem >Class to solve equations in Rosenbrock methods using LU decomposition
 Cnum_collect::auto_diff::forward::impl::make_jacobian_functor< VectorType >Class of functor to make Jacobian
 Cnum_collect::logging::iterations::member_function_iteration_parameter_value< Algorithm, Value, Function >Class of parameters values in iterations specified by member functions
 Cnum_collect::logging::iterations::member_variable_iteration_parameter_value< Algorithm, Value >Class of parameters values in iterations specified by member variables
 Cnum_prob_collect::opt::multi_quadratic_functionQuadratic function for test of optimization
 Cnum_collect::rbf::rbfs::multi_quadric_rbf< Scalar >Class of Multi-quadric RBF [6]
 Cnum_collect::ode::multi_variate_implicit_problem_wrapper< Problem, LinearEquationSolver >Class to wrap implicit problems to use as explicit problems
 Cnum_prob_collect::opt::multi_variate_multi_optima_functionClass of functions of multi-variate optimization problems with multiple local optima
 Cnum_collect::roots::newton_raphson< Function >Class of Newton-Raphson method
 Cnum_collect::linear::impl::cuthill_mckee_ordering_impl< StorageIndex >::next_index_dataStruct of data of indices processed next
 Cnum_collect::linear::impl::cuthill_mckee_ordering_impl< StorageIndex >::next_index_data_lessFunction object to compare next_index_data objects
 Cnum_prob_collect::ode::no_jacobian_implicit_kaps_problemClass of Kaps' problem [15] without Jacobian matrix
 Cnum_collect::auto_diff::backward::graph::node< Scalar >Class of nodes in graphs of automatic differentiation
 Cnum_collect::logging::impl::iteration_layer_handler::nodeClass of internal nodes
 Cnum_collect::linear::impl::amg::node_connection_list< StorageIndex >Class of lists of connected nodes per node
 Cnum_collect::auto_diff::backward::graph::node_differentiator< Scalar >Class to compute differential coefficients for nodes in backward-mode automatic differentiation [17]
 Cnum_collect::auto_diff::backward::graph::node_differentiator< scalar_type >
 Cnum_collect::auto_diff::backward::graph::node_differentiator< Scalar >::node_infoStruct to save internal information of nodes
 Cnum_collect::ode::non_embedded_formula_wrapper< BaseFormula >Wrapper class to use a non-embedded formula as an embedded formula
 Cnum_collect::util::not_equal< Left, Right >Class to compare two values with operator!=
 Cnum_collect_exception
 CEigen::NumTraits< num_collect::auto_diff::backward::variable< Scalar > >Specialization of Eigen::NumTraits for num_collect::auto_diff::forward::variable
 CEigen::NumTraits< num_collect::auto_diff::forward::variable< Value, Diff > >Specialization of Eigen::NumTraits for num_collect::auto_diff::forward::variable
 Cnum_collect::util::object_storage< T, MinimumAlignment >Class of storage of objects
 Cnum_prob_collect::ode::pendulum_movement_problemClass of test problem to pendulum movement
 Cnum_collect::rbf::polynomial_calculator< Variable, PolynomialDegree >Class to calculate polynomials used with RBF interpolation
 Cnum_collect::rbf::polynomial_calculator< Variable, PolynomialDegree >Class to calculate polynomials used with RBF interpolation
 Cnum_collect::rbf::polynomial_calculator< variable_type, PolynomialDegree >
 Cnum_prob_collect::opt::powell4_functionClass of Powell function in 4 dimensions
 Cnum_collect::util::producer_consumer_circular_queue< T >Class of a queue using a circular buffer and thread-safe for a single producer thread and a single consumer thread
 Cnum_collect::multi_double::quadClass of quadruple precision floating-point numbers
 Cnum_prob_collect::opt::quadratic_functionQuadratic function for test of optimization
 Cnum_prob_collect::opt::random_multi_quadratic_functionClass of multi-variate quadratic functions with random coefficients and optimal variables
 Cnum_prob_collect::opt::random_multi_quadratic_function_generatorClass to generate random random_multi_quadratic_function objects
 Cnum_prob_collect::opt::random_multi_variate_difficult_multi_optima_function_generatorClass to generate difficult version of random multi_variate_multi_optima_function objects
 Cnum_prob_collect::opt::random_multi_variate_multi_optima_function_generatorClass to generate random multi_variate_multi_optima_function objects
 Cnum_prob_collect::opt::random_quadratic_functionClass of quadratic functions with random coefficients and optimal variables
 Cnum_prob_collect::opt::random_quadratic_function_generatorClass to generate random quadratic functions
 Cnum_prob_collect::opt::random_single_variate_multi_optima_function_generatorClass to generate random single_variate_multi_optima_function objects
 Cnum_collect::rbf::rbf_interpolator< FunctionSignature, RBF, KernelMatrixType, DistanceFunction, LengthParameterCalculator >Class to interpolate using RBF
 Cnum_collect::rbf::rbf_polynomial_interpolator< FunctionSignature, RBF, PolynomialDegree, KernelMatrixType, DistanceFunction, LengthParameterCalculator >Class to interpolate using RBF and polynomials
 Cnum_collect::opt::dividing_rectangles< ObjectiveFunction >::rectangleClass of hyper rectangle in DIRECT method
 Cnum_collect::linear::reverse_cuthill_mckee_ordering< StorageIndex >Class to perform reverse Cuthill-McKee ordering method [7], [16]
 Cnum_prob_collect::opt::rosenbrock_functionClass of Rosenbrock function in 3 dimensions
 Cnum_collect::opt::sampling_optimizer< ObjectiveFunction >Class to perform optimization using samples of objective functions
 Cnum_collect::opt::sampling_optimizer< objective_function_type >
 Cnum_collect::ode::rosenbrock::scalar_rosenbrock_equation_solver< Problem >Class to solve equations in Rosenbrock methods for single-variate case
 Cnum_collect::rbf::rbfs::sech_rbf< Scalar >Class of sech RBF [6]
 Cnum_prob_collect::opt::shekel_functionClass of Shekel function in 4 dimensions
 Cnum_collect::ode::single_variate_implicit_problem_wrapper< Problem >Class to wrap implicit problems to use as explicit problems
 Cnum_prob_collect::opt::single_variate_multi_optima_functionClass of functions of single-variate optimization problems with multiple local optima
 Cnum_collect::util::source_info_viewClass to hold information of source codes
 Cnum_collect::util::impl::sparse_matrix_format_view< Matrix >Class of expressions to format sparse matrices
 CEigen::SparseSolverBase
 Cnum_prob_collect::ode::spring_movement_problemClass of test problem to spring movement
 Cnum_collect::util::static_stack< T, StaticArraySize >Class of stacks using static arrays
 Cnum_collect::ode::step_size_limits< Scalar >Class of limits of step sizes
 Cnum_collect::ode::step_size_limits< scalar_type >
 Cnum_prob_collect::ode::string_wave_1d_parametersStruct of parameters in string_wave_1d_problem
 Cnum_prob_collect::ode::string_wave_1d_problemClass of ODE problem to solve 1D wave equation of strings discretized using finite difference
 Cnum_prob_collect::ode::string_wave_1d_solutionClass to calculate exact solution of string_wave_1d_problem
 Cnum_collect::integration::tanh_finite_integrator< Signature >Class to perform numerical integration on finite range using TANH rule
 Cnum_collect::integration::impl::tanh_finite_integrator_traits< Variable >Helper class of constants for use in tanh_finite_integrator class
 Cnum_collect::integration::impl::tanh_finite_integrator_traits< double >Implementation of tanh_finite_integrator_traits for double
 Cnum_collect::integration::impl::tanh_finite_integrator_traits< float >Implementation of tanh_finite_integrator_traits for float
 Cnum_collect::opt::impl::ternary_vectorClass of vectors of ternary floating-point numbers
 Cnum_collect::logging::time_stampClass of time stamps
 Cnum_collect::logging::config::toml::toml_log_sink_config_parser_baseInterface of parser of configurations of log sinks
 Cstd::true_type
 Cnum_collect::auto_diff::backward::variable< Scalar >Class of variables in backward-mode automatic differentiation [17]
 Cnum_collect::auto_diff::forward::variable< Value, Diff >Class of variables in forward-mode automatic differentiation [17]
 Cnum_collect::logging::iterations::variable_iteration_parameter_value< Algorithm, Value >Class of parameters values in iterations specified by variables
 Cnum_collect::auto_diff::backward::variable_tagTag class to specify variables
 Cnum_collect::util::vector< T >Class of vectors wrapping std::vector class to use singed integers as indices
 Cnum_collect::util::vector< data_type >
 Cnum_collect::util::vector< storage_index_type >
 Cnum_prob_collect::opt::vibrated_quadratic_functionQuadratic function with vibration for test of optimization
 Cnum_collect::rbf::rbfs::wendland_csrbf< Scalar, L, K >Class of Wendland's Compactly Supported RBF [30]
 Cnum_collect::rbf::rbfs::wendland_csrbf< Scalar, L, 0 >Class of Wendland's Compactly Supported RBF [30]
 Cnum_collect::rbf::rbfs::wendland_csrbf< Scalar, L, 1 >Class of Wendland's Compactly Supported RBF [30]
 Cnum_collect::rbf::rbfs::wendland_csrbf< Scalar, L, 2 >Class of Wendland's Compactly Supported RBF [30]