queso-0.57.1
|
Classes | |
class | ArrayOfSequences |
Class for handling array samples (arrays of scalar sequences). More... | |
class | BoxSubset |
Class representing a subset of a vector space shaped like a hypercube. More... | |
class | ConcatenationSubset |
A templated class representing the concatenation of two vector subsets. More... | |
class | ConstantScalarFunction |
A class for handling scalar functions which image is a constant (real number). More... | |
class | ConstantVectorFunction |
A class for handling vector functions which image is constant. More... | |
class | DiscreteSubset |
A templated class representing the discrete vector subsets. More... | |
class | GenericScalarFunction |
A class for handling generic scalar functions. More... | |
class | GenericVectorFunction |
A class for handling generic vector functions. More... | |
class | IntersectionSubset |
A templated class representing the intersection of two vector sets. More... | |
class | BaseScalarFunction |
A templated (base) class for handling scalar functions. More... | |
class | BayesianJointPdf |
A class for handling Bayesian joint PDFs. More... | |
class | ScalarFunctionSynchronizer |
A templated class for synchronizing the calls of scalar functions (BaseScalarFunction and derived classes). More... | |
class | ScalarSequence |
Class for handling scalar samples. More... | |
class | SequenceOfVectors |
Class for handling vector samples (sequence of vectors). More... | |
class | BaseVectorFunction |
A templated (base) class for handling vector functions. More... | |
class | VectorFunctionSynchronizer |
A templated class for synchronizing the calls of vector-valued functions. More... | |
class | BaseVectorSequence |
Base class for handling vector and array samples (sequence of vectors or arrays). More... | |
class | VectorSpace |
A class representing a vector space. More... | |
class | VectorSet |
A templated class for handling sets. More... | |
class | VectorSubset |
A templated class for handling subsets. More... | |
class | AlgorithmFactory |
class | AlgorithmFactoryImp |
class | AlgorithmFactoryInitializer |
class | BaseInputOptionsParser |
class | BasicPdfsBase |
TODO: Base class for basic PDFs (via either GSL or Boost). More... | |
class | BasicPdfsBoost |
TODO: Base class for basic PDFs using Boost library. More... | |
class | BasicPdfsCXX11 |
Base class for basic PDFs using C++ math functions. More... | |
class | BasicPdfsGsl |
TODO: Base class for basic PDFs using Gsl library. More... | |
class | BoostInputOptionsParser |
class | DistArray |
A class for partitioning vectors and matrices. More... | |
struct | FilePtrSetStruct |
Struct for handling data input and output from files. More... | |
class | BaseEnvironment |
This (virtual) class sets up the environment underlying the use of the QUESO library by an executable. More... | |
class | EmptyEnvironment |
This class sets up the environment underlying the use of the QUESO library by an executable. More... | |
class | FullEnvironment |
This class sets up the full environment underlying the use of the QUESO library by an executable. More... | |
class | EnvOptionsValues |
This class provides a suite options one can pass to a QUESO environment. More... | |
class | EnvironmentOptions |
This class reads options one can pass to a QUESO environment through an input file. More... | |
class | LogicError |
class | NotImplemented |
class | FileError |
class | Factory |
class | FactoryImp |
class | FunctionBase |
Abstract base class for function objects. More... | |
class | FunctionOperatorBuilder |
class | GslBlockMatrix |
Class for representing block matrices using GSL library. More... | |
class | GslMatrix |
Class for matrix operations using GSL library. More... | |
class | GslOptimizer |
A base class for handling optimisation of scalar functions. More... | |
class | GslVector |
Class for vector operations using GSL library. More... | |
class | InfiniteDimensionalGaussian |
Class defining infinite dimensional Gaussian measures. More... | |
class | InfiniteDimensionalLikelihoodBase |
Abstract class representing the likelihood. Users must subclass this. More... | |
class | InfiniteDimensionalMCMCSampler |
Class representing the infinite dimensional Markov chain Monte Carlo sampler. More... | |
class | InfiniteDimensionalMCMCSamplerOptions |
This class defines the options that specify the behaviour of the MCMC sampler. More... | |
class | InfiniteDimensionalMeasureBase |
Abstract base class for infinite dimensional measures. More... | |
class | LibMeshFunction |
Function objects using libMesh for the backend. More... | |
class | LibMeshNegativeLaplacianOperator |
Class describing negative Laplacian operator using libmesh backend. More... | |
class | LibMeshOperatorBase |
Abstract base class for operator objects using libmesh in the backend. More... | |
class | Map |
A class for partitioning vectors and matrices. More... | |
class | Matrix |
Class for matrix operations (virtual). More... | |
struct | data_type |
class | DataType |
class | StandardType |
class | MpiComm |
The QUESO MPI Communicator Class. More... | |
class | OperatorBase |
Abstract base class for operator objects. Operators are assumed to be symmetric and positive-definite. More... | |
class | BaseOptimizer |
A base class for handling optimisation of scalar functions. More... | |
class | OptimizerMonitor |
Object to monitor convergence of optimizers. More... | |
class | OptimizerOptions |
This class provides options for a Optimizer. More... | |
class | RngBase |
Class for random number generation (base class for either GSL or Boost RNG). More... | |
class | RngBoost |
class | RngCXX11 |
class | RngGsl |
struct | ScopedPtr |
struct | SharedPtr |
class | TeuchosMatrix |
Class for matrix operations using Teuchos (Trilinos). More... | |
class | TeuchosVector |
Class for vector operations using Teuchos (Trilinos). More... | |
class | TKFactoryInitializer |
class | TKFactoryLogitRandomWalk |
class | TKFactoryMALA |
class | TKFactoryRandomWalk |
class | TKFactoryStochasticNewton |
class | TransitionKernelFactory |
class | Vector |
Class for vector operations (virtual). More... | |
class | GPMSAEmulator |
class | GPMSAFactory |
class | GPMSAOptions |
This class defines the options that specify the behaviour of the Gaussian process emulator. More... | |
class | Base1D1DFunction |
Class for one-dimensional functions. More... | |
class | Generic1D1DFunction |
Class for generic one-dimensional functions. More... | |
class | Constant1D1DFunction |
Class for constant one-dimensional functions. More... | |
class | Linear1D1DFunction |
Class for linear one-dimensional functions. More... | |
class | PiecewiseLinear1D1DFunction |
Class for piecewise-linear one-dimensional functions. More... | |
class | Quadratic1D1DFunction |
Class for one-dimensional quadratic functions. More... | |
class | Sampled1D1DFunction |
Class for one-dimensional sampled functions. More... | |
class | ScalarTimesFunc1D1DFunction |
Class for multiplication of a one-dimensional function by a scalar. More... | |
class | FuncTimesFunc1D1DFunction |
Class for multiplication of a one-dimensional function by another. More... | |
class | FuncPlusFunc1D1DFunction |
Class for addition of a one-dimensional function with another. More... | |
class | LagrangePolynomial1D1DFunction |
Class for one-dimensional Lagrange polynomials. More... | |
class | LagrangeBasis1D1DFunction |
Class for Lagrange polynomial basis. More... | |
class | Base1DQuadrature |
Base class for one-dimensional quadrature rules (numerical integration of functions). More... | |
class | Generic1DQuadrature |
Class for one-dimensional generic quadrature rules (numerical integration of functions). More... | |
class | UniformLegendre1DQuadrature |
Class for Legendre-Gauss quadrature rule for one-dimensional functions. More... | |
class | GaussianHermite1DQuadrature |
Class for Hermite-Gauss quadrature rule for one-dimensional functions. More... | |
class | WignerInverseChebyshev1st1DQuadrature |
Class for first type Chebyshev-Gauss quadrature rule for one-dimensional functions. More... | |
class | WignerChebyshev2nd1DQuadrature |
Class for second type Chebyshev-Gauss quadrature rule for one-dimensional functions. More... | |
class | TwoDArray |
Class for handling arrays of generic data. More... | |
class | ArrayOfOneDGrids |
Class to accommodate arrays of one-dimensional grid. More... | |
class | ArrayOfOneDTables |
Class to accommodate arrays of one-dimensional tables. More... | |
class | AsciiTable |
Class for reading ASCII values from a table in a file. More... | |
class | BaseQuadrature |
Base class for quadrature rules. More... | |
class | Fft |
Class for a Fast Fourier Transform (FFT) algorithm. More... | |
class | MonteCarloQuadrature |
Numerical integration using Monte Carlo. More... | |
class | MultiDimensionalIndexing |
class | MultiDQuadratureBase |
Base class for multi-dimensional quadrature rules. More... | |
class | BaseOneDGrid |
Base class for accommodating one-dimensional grids. More... | |
class | StdOneDGrid |
Class for accommodating standard one-dimensional grids. More... | |
class | StreamUtilities |
class | TensorProductQuadrature |
Numerical quadrature using a tensor product of Base1DQuadrature rules. More... | |
class | UniformOneDGrid |
Class for accommodating uniform one-dimensional grids. More... | |
class | BaseTKGroup |
This base class allows the representation of a transition kernel. More... | |
class | Algorithm |
class | BetaJointPdf |
A class for handling Beta joint PDFs. More... | |
class | BetaVectorRealizer |
A class for handling sampling from a Beta probability density distribution. More... | |
class | BetaVectorRV |
A class representing a vector RV constructed via Beta distribution. More... | |
class | ConcatenatedJointPdf |
A class for handling concatenated PDFs. More... | |
class | ConcatenatedVectorRealizer |
A class for handling sampling from concatenated probability density distributions. More... | |
class | ConcatenatedVectorRV |
A class representing concatenated vector RVs. More... | |
class | ExponentialMatrixCovarianceFunction |
A class for exponential covariance matrices. More... | |
class | ExponentialScalarCovarianceFunction |
A class for exponential covariances. More... | |
class | FiniteDistribution |
A templated class for a finite distribution. More... | |
class | GammaJointPdf |
A class for handling Gamma joint PDFs. More... | |
class | GammaVectorRealizer |
A class for handling sampling from a Gamma probability density distribution. More... | |
class | GammaVectorRV |
A class representing a vector RV constructed via Gamma distribution. More... | |
class | GaussianJointPdf |
A class for handling Gaussian joint PDFs. More... | |
class | GaussianLikelihoodBlockDiagonalCovariance |
A class representing a Gaussian likelihood with block-diagonal covariance matrix. More... | |
class | GaussianLikelihoodBlockDiagonalCovarianceRandomCoefficients |
A class representing a Gaussian likelihood with block-diagonal covariance matrix. More... | |
class | GaussianLikelihoodDiagonalCovariance |
A class that represents a Gaussian likelihood with diagonal covariance matrix. More... | |
class | GaussianLikelihoodFullCovariance |
A class that represents a Gaussian likelihood with full covariance. More... | |
class | GaussianLikelihoodFullCovarianceRandomCoefficient |
A class that represents a Gaussian likelihood with full covariance and random coefficient. More... | |
class | GaussianLikelihoodScalarCovariance |
A class that represents a Gaussian likelihood with scalar covariance. More... | |
class | GaussianVectorCdf |
TODO: A class for handling Gaussian CDFs. More... | |
class | GaussianVectorMdf |
TODO: A class for handling Gaussian MDFs. More... | |
class | GaussianVectorRealizer |
A class for handling sampling from Gaussian probability density distributions. More... | |
class | GaussianVectorRV |
A class representing a Gaussian vector RV. More... | |
class | GenericJointPdf |
A class for handling generic joint PDFs. More... | |
class | GenericMatrixCovarianceFunction |
A class for generic covariance matrices. More... | |
class | GenericScalarCovarianceFunction |
A class for generic covariances. More... | |
class | GenericVectorCdf |
A class for handling generic vector CDFs. More... | |
class | GenericVectorMdf |
A class for handling generic MDFs of vector functions. More... | |
class | GenericVectorRealizer |
A class for handling sampling from generic probability density distributions. More... | |
class | GenericVectorRV |
A templated class for handling generic vector RVs. More... | |
class | HessianCovMatricesTKGroup |
This class allows the representation of a transition kernel with Hessians. More... | |
class | InverseGammaJointPdf |
A class for handling Inverse Gamma joint PDFs. More... | |
class | InverseGammaVectorRealizer |
A class for handling sampling from an Inverse Gamma probability density distribution. More... | |
class | InverseGammaVectorRV |
A class representing a vector RV constructed via Inverse Gamma distribution. More... | |
class | InvLogitGaussianJointPdf |
A class for handling hybrid (transformed) Gaussians with bounds. More... | |
class | InvLogitGaussianVectorRealizer |
A class for handling sampling from (transformed) Gaussian probability density distributions with bounds. More... | |
class | InvLogitGaussianVectorRV |
A class representing a (transformed) Gaussian vector RV with bounds. More... | |
class | JeffreysJointPdf |
A class for handling jeffreys joint PDFs. More... | |
class | JeffreysVectorRealizer |
A class for handling sampling from a jeffreys probability density distribution. More... | |
class | JeffreysVectorRV |
A class representing a jeffreys vector RV. More... | |
class | BaseJointPdf |
A templated (base) class for handling joint PDFs. More... | |
class | LikelihoodBase |
Base class for canned Gaussian likelihoods. More... | |
class | LogNormalJointPdf |
A class for handling Log-Normal joint PDFs. More... | |
class | LogNormalVectorRealizer |
A class for handling sampling from a Log-Normal probability density distribution. More... | |
class | LogNormalVectorRV |
A class representing a LogNormal vector RV. More... | |
class | MarkovChainPositionData |
A templated class that represents a Markov Chain. More... | |
class | BaseMatrixCovarianceFunction |
A templated (base) class to accommodate covariance matrix of (random) vector functions. More... | |
class | BayseianJointPdf |
class | MetropolisAdjustedLangevinTK |
This class allows the representation of the MALA transition kernel with a scaled covariance matrix for the purposes of delayed rejection. More... | |
struct | MHRawChainInfoStruct |
A struct that represents a Metropolis-Hastings sample. More... | |
class | MetropolisHastingsSG |
A templated class that represents a Metropolis-Hastings generator of samples. More... | |
class | MhOptionsValues |
This class provides options for the Metropolis-Hastings generator of samples if no input file is available. More... | |
class | MetropolisHastingsSGOptions |
This class reads the options for the Metropolis-Hastings generator of samples from an input file. More... | |
struct | BIP_routine_struct |
struct | ExchangeInfoStruct |
struct | BalancedLinkedChainControlStruct |
struct | BalancedLinkedChainsPerNodeStruct |
struct | UnbalancedLinkedChainControlStruct |
struct | UnbalancedLinkedChainsPerNodeStruct |
class | MLSampling |
A templated class that represents a Multilevel generator of samples. More... | |
class | MLSamplingLevelOptions |
This class provides options for each level of the Multilevel sequence generator if no input file is available. More... | |
class | MLSamplingOptions |
This class provides options for the Multilevel sequence generator if no input file is available. More... | |
class | ModelValidation |
A templated class for model validation of the example validationPyramid. More... | |
class | MonteCarloSG |
A templated class that implements a Monte Carlo generator of samples. More... | |
class | McOptionsValues |
This class provides options for the Monte Carlo sequence generator if no input file is available. More... | |
class | MonteCarloSGOptions |
This class reads the options for the Monte Carlo sequence generator from an input file. More... | |
class | PoweredJointPdf |
A class for handling a powered joint PDFs. More... | |
class | SampledScalarCdf |
A class for handling sampled CDFs. More... | |
class | SampledVectorCdf |
A class for handling sampled vector CDFs. More... | |
class | SampledVectorMdf |
A class for handling sampled vector MDFs. More... | |
class | BaseScalarCdf |
A templated (base) class for handling CDFs. More... | |
class | BaseScalarCovarianceFunction |
A templated (base) class to accommodate scalar covariance functions (of random variables). More... | |
class | ScalarGaussianRandomField |
A class for handling scalar Gaussian random fields (GRF). More... | |
class | ScaledCovMatrixTKGroup |
This class allows the representation of a transition kernel with a scaled covariance matrix. More... | |
class | SequentialVectorRealizer |
A class for handling sequential draws (sampling) from probability density distributions. More... | |
class | StatisticalForwardProblem |
This templated class represents a Statistical Forward Problem. More... | |
class | SfpOptionsValues |
This class provides options for a Statistical Forward Problem if no input file is available. More... | |
class | StatisticalForwardProblemOptions |
This class reads option values for a Statistical Forward Problem from an input file. More... | |
class | StatisticalInverseProblem |
This templated class represents a Statistical Inverse Problem. More... | |
class | SipOptionsValues |
This class provides options for a Statistical Inverse Problem if no input file is available. More... | |
class | StatisticalInverseProblemOptions |
This class reads option values for a Statistical Inverse Problem from an input file. More... | |
class | StdScalarCdf |
A class for handling standard CDFs. More... | |
class | TransformedScaledCovMatrixTKGroup |
This class represents a transition kernel with a scaled covariance matrix on hybrid bounded/unbounded state spaces. More... | |
class | UniformJointPdf |
A class for handling uniform joint PDFs. More... | |
class | UniformVectorRealizer |
A class for handling sampling from a Uniform probability density distribution. More... | |
class | UniformVectorRV |
A class representing a uniform vector RV. More... | |
class | ValidationCycle |
A templated class for validation cycle of the examples validationCycle and validationCycle2. More... | |
class | BaseVectorCdf |
A templated (base) class for handling CDFs of vector functions. More... | |
class | VectorGaussianRandomField |
A class for handling vector Gaussian random fields (GRF). More... | |
class | BaseVectorMdf |
A templated (base) class for handling MDFs of vector functions. More... | |
class | BaseVectorRealizer |
A templated (base) class for handling sampling from vector RVs. More... | |
class | BaseVectorRV |
A templated base class for handling vector RV. More... | |
class | WignerJointPdf |
A class for handling Wigner joint PDFs. More... | |
class | WignerVectorRealizer |
A class for handling sampling from a Wigner probability density distribution. More... | |
class | WignerVectorRV |
A class representing a vector RV constructed via Wigner distribution. More... | |
class | InterpolationSurrogateData |
class | InterpolationSurrogateBase |
Base class for interpolation-based surrogates. More... | |
class | InterpolationSurrogateBuilder |
Build interpolation-based surrogate. More... | |
class | InterpolationSurrogateDataSet |
Container class for multiple, consistent InterpolationSurrogateData objects. More... | |
class | InterpolationSurrogateIOASCII |
class | InterpolationSurrogateIOBase |
class | LinearLagrangeInterpolationSurrogate |
Linear Lagrange interpolation surrogate. More... | |
class | SurrogateBase |
Base class for surrogates of models. More... | |
class | SurrogateBuilderBase |
Base class for builders of surrogates. More... | |
Typedefs | |
typedef MPI_Comm | RawType_MPI_Comm |
typedef MPI_Group | RawType_MPI_Group |
typedef MPI_Datatype | RawType_MPI_Datatype |
typedef MPI_Datatype | data_type |
typedef MPI_Op | RawType_MPI_Op |
typedef MPI_Status | RawType_MPI_Status |
Functions | |
template<class V , class M > | |
VectorSet< V, M > * | InstantiateIntersection (const VectorSet< V, M > &domain1, const VectorSet< V, M > &domain2) |
This method calculates the intersection of domain1 and domain2 . More... | |
template<class T > | |
void | ComputeSubGaussian2dKde (const ScalarSequence< T > &scalarSeq1, const ScalarSequence< T > &scalarSeq2, unsigned int initialPos, double scaleValue1, double scaleValue2, const std::vector< T > &evaluationPositions1, const std::vector< T > &evaluationPositions2, std::vector< double > &densityValues) |
template<class T > | |
void | ComputeUnifiedGaussian2dKde (bool useOnlyInter0Comm, const ScalarSequence< T > &scalarSeq1, const ScalarSequence< T > &scalarSeq2, unsigned int initialPos, double unifiedScaleValue1, double unifiedScaleValue2, const std::vector< T > &unifiedEvaluationPositions1, const std::vector< T > &unifiedEvaluationPositions2, std::vector< double > &unifiedDensityValues) |
template<class T > | |
void | ComputeCovCorrBetweenScalarSequences (const ScalarSequence< T > &subPSeq, const ScalarSequence< T > &subQSeq, unsigned int subNumSamples, T &covValue, T &corrValue) |
template<class P_V , class P_M , class Q_V , class Q_M > | |
void | ComputeCovCorrMatricesBetweenVectorSequences (const BaseVectorSequence< P_V, P_M > &subPSeq, const BaseVectorSequence< Q_V, Q_M > &subQSeq, unsigned int subNumSamples, P_M &pqCovMatrix, P_M &pqCorrMatrix) |
std::ostream & | operator<< (std::ostream &os, const SequenceStatisticalOptions &obj) |
int | MyWorldfullRank () |
Returns the rank of the calling process in the communicator. More... | |
void | queso_terminate_handler () |
Function for unhandled exceptions in Queso. More... | |
void | QUESO_version_print (std::ostream &os) |
int | QUESO_get_numeric_version () |
std::ostream & | operator<< (std::ostream &os, const BaseEnvironment &obj) |
std::ostream & | operator<< (std::ostream &os, const EnvironmentOptions &obj) |
Print values of the options chosen. More... | |
std::ostream & | operator<< (std::ostream &os, const GslBlockMatrix &obj) |
GslMatrix | operator* (double a, const GslMatrix &mat) |
GslVector | operator* (const GslMatrix &mat, const GslVector &vec) |
GslMatrix | operator* (const GslMatrix &m1, const GslMatrix &m2) |
GslMatrix | operator+ (const GslMatrix &m1, const GslMatrix &m2) |
GslMatrix | operator- (const GslMatrix &m1, const GslMatrix &m2) |
GslMatrix | matrixProduct (const GslVector &v1, const GslVector &v2) |
GslMatrix | leftDiagScaling (const GslVector &vec, const GslMatrix &mat) |
GslMatrix | rightDiagScaling (const GslMatrix &mat, const GslVector &vec) |
std::ostream & | operator<< (std::ostream &os, const GslMatrix &obj) |
GslVector | operator/ (double a, const GslVector &x) |
GslVector | operator/ (const GslVector &x, const GslVector &y) |
GslVector | operator* (double a, const GslVector &x) |
GslVector | operator* (const GslVector &x, const GslVector &y) |
double | scalarProduct (const GslVector &x, const GslVector &y) |
GslVector | operator+ (const GslVector &x, const GslVector &y) |
GslVector | operator- (const GslVector &x, const GslVector &y) |
bool | operator== (const GslVector &lhs, const GslVector &rhs) |
std::ostream & | operator<< (std::ostream &os, const GslVector &obj) |
QUESO_STANDARD_TYPE (char, MPI_CHAR) | |
QUESO_STANDARD_TYPE (int, MPI_INT) | |
QUESO_STANDARD_TYPE (unsigned int, MPI_UNSIGNED) | |
QUESO_STANDARD_TYPE (double, MPI_DOUBLE) | |
TeuchosMatrix | operator* (double a, const TeuchosMatrix &mat) |
TeuchosVector | operator* (const TeuchosMatrix &mat, const TeuchosVector &vec) |
TeuchosMatrix | operator* (const TeuchosMatrix &m1, const TeuchosMatrix &m2) |
TeuchosMatrix | operator+ (const TeuchosMatrix &m1, const TeuchosMatrix &m2) |
TeuchosMatrix | operator- (const TeuchosMatrix &m1, const TeuchosMatrix &m2) |
TeuchosMatrix | matrixProduct (const TeuchosVector &v1, const TeuchosVector &v2) |
TeuchosMatrix | leftDiagScaling (const TeuchosVector &vec, const TeuchosMatrix &mat) |
TeuchosMatrix | rightDiagScaling (const TeuchosMatrix &mat, const TeuchosVector &vec) |
std::ostream & | operator<< (std::ostream &os, const TeuchosMatrix &obj) |
TeuchosVector | operator/ (double a, const TeuchosVector &x) |
TeuchosVector | operator/ (const TeuchosVector &x, const TeuchosVector &y) |
TeuchosVector | operator* (double a, const TeuchosVector &x) |
TeuchosVector | operator* (const TeuchosVector &x, const TeuchosVector &y) |
double | scalarProduct (const TeuchosVector &x, const TeuchosVector &y) |
TeuchosVector | operator+ (const TeuchosVector &x, const TeuchosVector &y) |
TeuchosVector | operator- (const TeuchosVector &x, const TeuchosVector &y) |
bool | operator== (const TeuchosVector &lhs, const TeuchosVector &rhs) |
std::ostream & | operator<< (std::ostream &os, const TeuchosVector &obj) |
template<> | |
void | BoostInputOptionsParser::getOption< std::vector< double, std::allocator< double > > > (const std::string &name, std::vector< double, std::allocator< double > > &value) const |
std::ostream & | operator<< (std::ostream &os, const BoostInputOptionsParser &parser) |
template void | BoostInputOptionsParser::registerOption< std::string > (const std::string &, const std::string &, const std::string &) |
template void | BoostInputOptionsParser::getOption< std::string > (const std::string &, std::string &) const |
template void | BoostInputOptionsParser::getOption< std::vector< unsigned int, std::allocator< unsigned int > > > (const std::string &, std::vector< unsigned int, std::allocator< unsigned int > > &) const |
std::ostream & | operator<< (std::ostream &os, const EnvOptionsValues &obj) |
double | c_evaluate (const gsl_vector *x, void *context) |
void | c_evaluate_derivative (const gsl_vector *x, void *context, gsl_vector *derivative) |
void | c_evaluate_with_derivative (const gsl_vector *x, void *context, double *f, gsl_vector *derivative) |
std::ostream & | operator<< (std::ostream &os, const InfiniteDimensionalMCMCSamplerOptions &obj) |
std::ostream & | operator<< (std::ostream &os, const OptimizerOptions &obj) |
std::ostream & | operator<< (std::ostream &os, const GPMSAOptions &obj) |
template<class T > | |
double | SubF1F2Gaussian2dKdeIntegral (const ScalarSequence< T > &scalarSeq1, const ScalarSequence< T > &scalarSeq2, unsigned int initialPos, double scaleValue1, double scaleValue2, const Base1D1DFunction &func1, const Base1D1DFunction &func2, unsigned int quadratureOrder) |
Calculates the integral of a 2D Gaussian KDE. More... | |
template<class V , class M > | |
void | CovCond (double condNumber, const V &direction, M &covMatrix, M &precMatrix) |
template<typename T > | |
bool | queso_isnan (T arg) |
template<typename T > | |
bool | queso_isfinite (T arg) |
void | MiscReadDoublesFromString (const std::string &inputString, std::vector< double > &outputDoubles) |
void | MiscReadWordsFromString (const std::string &inputString, std::vector< std::string > &outputWords) |
void | MiscExtractDoubleFromString (std::string &inputString, double &outputDouble) |
void | MiscExtractWordFromString (std::string &inputString, std::string &outputWord) |
int | MiscReadStringAndDoubleFromFile (std::ifstream &ifs, std::string &termString, double *termValue) |
int | MiscReadCharsAndDoubleFromFile (std::ifstream &ifs, std::string &termString, double *termValue, bool &endOfLineAchieved) |
double | MiscGammar (double a, double b, const RngBase *rngObject) |
double | MiscGetEllapsedSeconds (struct timeval *timeval0) |
double | MiscHammingWindow (unsigned int N, unsigned int j) |
double | MiscGaussianDensity (double x, double mu, double sigma) |
unsigned int | MiscUintDebugMessage (unsigned int value, const char *message) |
int | MiscIntDebugMessage (int value, const char *message) |
double | MiscDoubleDebugMessage (double value, const char *message) |
int | CheckFilePath (const char *path) |
int | GRVY_CheckDir (const char *dirname) |
template<class T > | |
bool | MiscCheckForSameValueInAllNodes (T &inputValue, double acceptableTreshold, const MpiComm &comm, const char *whereString) |
template<class V > | |
void | MiscComputePositionsBetweenMinMax (V minValues, V maxValues, std::vector< V * > &positions) |
template<class V1 , class V2 > | |
void | MiscCheckTheParallelEnvironment (const V1 &vec1, const V2 &vec2) |
template<class V , class M > | |
std::ostream & | operator<< (std::ostream &os, const ArrayOfOneDTables< V, M > &obj) |
template<class V , class M > | |
std::ostream & | operator<< (std::ostream &os, const AsciiTable< V, M > &obj) |
template<class V , class M > | |
void | ComputeConditionalGaussianVectorRV (const V &muVec1, const V &muVec2, const M &sigmaMat11, const M &sigmaMat12, const M &sigmaMat21, const M &sigmaMat22, const V &sampleVec2, V &muVec1_cond_on_2, M &sigmaMat11_cond_on_2) |
void | distANN_XY (const ANNpointArray dataX, const ANNpointArray dataY, double *distsXY, unsigned int dimX, unsigned int dimY, unsigned int xN, unsigned int yN, unsigned int k, double eps) |
void | normalizeANN_XY (ANNpointArray dataXY, unsigned int dimXY, ANNpointArray dataX, unsigned int dimX, ANNpointArray dataY, unsigned int dimY, unsigned int N) |
void | whiteningANN_X_Y (ANNpointArray dataX1, ANNpointArray dataX2, unsigned int dimX, unsigned int N1, unsigned int N2) |
double | computeMI_ANN (ANNpointArray dataXY, unsigned int dimX, unsigned int dimY, unsigned int k, unsigned int N, double eps) |
template<template< class P_V, class P_M > class RV, class P_V , class P_M > | |
double | estimateMI_ANN (const RV< P_V, P_M > &jointRV, const unsigned int xDimSel[], unsigned int dimX, const unsigned int yDimSel[], unsigned int dimY, unsigned int k, unsigned int N, double eps) |
template<class P_V , class P_M , template< class P_V, class P_M > class RV_1, template< class P_V, class P_M > class RV_2> | |
double | estimateMI_ANN (const RV_1< P_V, P_M > &xRV, const RV_2< P_V, P_M > &yRV, const unsigned int xDimSel[], unsigned int dimX, const unsigned int yDimSel[], unsigned int dimY, unsigned int k, unsigned int N, double eps) |
template<class P_V , class P_M , template< class P_V, class P_M > class RV_1, template< class P_V, class P_M > class RV_2> | |
double | estimateKL_ANN (RV_1< P_V, P_M > &xRV, RV_2< P_V, P_M > &yRV, unsigned int xDimSel[], unsigned int dimX, unsigned int yDimSel[], unsigned int dimY, unsigned int xN, unsigned int yN, unsigned int k, double eps) |
template<class P_V , class P_M , template< class P_V, class P_M > class RV_1, template< class P_V, class P_M > class RV_2> | |
double | estimateCE_ANN (RV_1< P_V, P_M > &xRV, RV_2< P_V, P_M > &yRV, unsigned int xDimSel[], unsigned int dimX, unsigned int yDimSel[], unsigned int dimY, unsigned int xN, unsigned int yN, unsigned int k, double eps) |
template<class V , class M > | |
std::ostream & | operator<< (std::ostream &os, const BaseJointPdf< V, M > &obj) |
std::ostream & | operator<< (std::ostream &os, const MetropolisHastingsSGOptions &obj) |
void | BIP_routine (glp_tree *tree, void *info) |
std::ostream & | operator<< (std::ostream &os, const MonteCarloSGOptions &obj) |
Prints the object obj , overloading an operator. More... | |
template<class T > | |
double | horizontalDistance (const BaseScalarCdf< T > &cdf1, const BaseScalarCdf< T > &cdf2, double epsilon) |
It calculated the maximum horizontal distance between two CDFs. More... | |
std::ostream & | operator<< (std::ostream &os, const StatisticalForwardProblemOptions &obj) |
Prints the object obj , overloading an operator. More... | |
std::ostream & | operator<< (std::ostream &os, const StatisticalInverseProblemOptions &obj) |
Prints the object obj , overloading an operator. More... | |
template<class V , class M > | |
void | horizontalDistances (const BaseVectorCdf< V, M > &cdf1, const BaseVectorCdf< V, M > &cdf2, const V &epsilonVec, V &distances) |
It calculated the maximum horizontal distances between two vector CDFs. More... | |
template<class P_V , class P_M , class Q_V , class Q_M > | |
void | ComputeCovCorrMatricesBetweenVectorRvs (const BaseVectorRV< P_V, P_M > ¶mRv, const BaseVectorRV< Q_V, Q_M > &qoiRv, unsigned int localNumSamples, P_M &pqCovMatrix, P_M &pqCorrMatrix) |
std::ostream & | operator<< (std::ostream &os, const MhOptionsValues &obj) |
template<class P_V , class P_M > | |
std::ostream & | operator<< (std::ostream &os, const MLSampling< P_V, P_M > &obj) |
std::ostream & | operator<< (std::ostream &os, const MLSamplingLevelOptions &obj) |
std::ostream & | operator<< (std::ostream &os, const MLSamplingOptions &obj) |
std::ostream & | operator<< (std::ostream &os, const McOptionsValues &obj) |
if (m_env.subDisplayFile()!=NULL) | |
if (m_ov.m_pseqComputeStats) m_pseqStatisticalOptionsObj | |
SfpOptionsValues::SfpOptionsValues() m_parser | registerOption< bool > (m_option_computeSolution, UQ_SFP_COMPUTE_SOLUTION_ODV,"compute solution process") |
m_parser | registerOption< bool > (m_option_computeCovariances, UQ_SFP_COMPUTE_COVARIANCES_ODV,"compute pq covariances") |
m_parser | registerOption< bool > (m_option_computeCorrelations, UQ_SFP_COMPUTE_CORRELATIONS_ODV,"compute pq correlations") |
m_parser | registerOption< std::string > (m_option_dataOutputFileName, UQ_SFP_DATA_OUTPUT_FILE_NAME_ODV,"name of data output file") |
m_parser | registerOption< std::string > (m_option_dataOutputAllowedSet, UQ_SFP_DATA_OUTPUT_ALLOWED_SET_ODV,"subEnvs that will write to data output file") |
m_parser | registerOption< std::string > (m_option_solver, UQ_SFP_SOLVER_ODV,"algorithm for propagation") |
m_parser | scanInputFile () |
m_parser | getOption< std::string > (m_option_help, m_help) |
m_parser | getOption< bool > (m_option_computeSolution, m_computeSolution) |
m_parser | getOption< bool > (m_option_computeCovariances, m_computeCovariances) |
m_parser | getOption< bool > (m_option_computeCorrelations, m_computeCorrelations) |
m_parser | getOption< std::string > (m_option_dataOutputFileName, m_dataOutputFileName) |
m_parser | getOption< std::set< unsigned int > > (m_option_dataOutputAllowedSet, m_dataOutputAllowedSet) |
m_parser | getOption< std::string > (m_option_solver, m_solver) |
for (unsigned int i=0;i< size;i++) | |
checkOptions () | |
std::ostream & | operator<< (std::ostream &os, const SfpOptionsValues &obj) |
std::ostream & | operator<< (std::ostream &os, const SipOptionsValues &obj) |
Variables | |
const int | UQ_UNAVAILABLE_RANK = -1 |
const int | UQ_OK_RC = 0 |
const int | UQ_INCOMPLETE_IMPLEMENTATION_RC = -1 |
const int | UQ_INVALID_PARAMETER_SPEC_RC = -2 |
const int | UQ_INVALID_OBSERVABLE_SPEC_RC = -3 |
const int | UQ_INVALID_QOI_SPEC_RC = -4 |
const int | UQ_INVALID_INTERNAL_RESULT_RC = -5 |
const int | UQ_INVALID_INTERNAL_STATE_RC = -6 |
const int | UQ_FAILED_TO_OPEN_FILE_RC = -7 |
const int | UQ_MATRIX_IS_NOT_POS_DEFINITE_RC = -8 |
const int | UQ_FAILED_READING_FILE_RC = -9 |
const int | UQ_INVALID_SPACE_COMPONENT_ID_RC = -10 |
const int | UQ_MATRIX_SVD_FAILED_RC = -11 |
template<typename T > | |
DistArray< T >::DistArray(const Map &inputMap, const int inputRowSize) | for (int i=0;i< m_Map.NumGlobalElements();++i) |
std::terminate_handler | old_terminate_handler |
McOptionsValues::McOptionsValues(#ifdef QUESO_USES_SEQUENCE_STATISTICAL_OPTIONS const SsOptionsValues *alternativePSsOptionsValues, const SsOptionsValues *alternativeQSsOptionsValues#endif | if )(m_alternativeQSsOptionsValues=*alternativeQSsOptionsValues) |
MonteCarloSGOptions::MonteCarloSGOptions(const BaseEnvironment &env, const char *prefix | queso_require_not_equal_to_msg )(m_env.optionsInputFileName(), std::string(""), std::string("this constructor is incompatible with the absence of an options input file")) |
MonteCarloSGOptions::MonteCarloSGOptions(const BaseEnvironment &env, const char *prefix, const McOptionsValues &alternativeOptionsValues | queso_require_equal_to_msg )(m_env.optionsInputFileName(), std::string(""), std::string("this constructor is incompatible with the existence of an options input file")) |
m_help = env->input()(m_option_help, UQ_SFP_HELP) | |
m_computeSolution = env->input()(m_option_computeSolution, UQ_SFP_COMPUTE_SOLUTION_ODV) | |
m_computeCovariances = env->input()(m_option_computeCovariances, UQ_SFP_COMPUTE_COVARIANCES_ODV) | |
m_computeCorrelations = env->input()(m_option_computeCorrelations, UQ_SFP_COMPUTE_CORRELATIONS_ODV) | |
m_dataOutputFileName = env->input()(m_option_dataOutputFileName, UQ_SFP_DATA_OUTPUT_FILE_NAME_ODV) | |
unsigned int | size = env->input().vector_variable_size(m_option_dataOutputAllowedSet) |
m_solver = env->input()(m_option_solver, UQ_SFP_SOLVER_ODV) | |
typedef MPI_Datatype QUESO::data_type |
typedef int QUESO::RawType_MPI_Comm |
typedef int QUESO::RawType_MPI_Datatype |
typedef int QUESO::RawType_MPI_Group |
typedef int QUESO::RawType_MPI_Op |
typedef int QUESO::RawType_MPI_Status |
void QUESO::BIP_routine | ( | glp_tree * | tree, |
void * | info | ||
) |
Definition at line 39 of file MLSampling.C.
References QUESO::BaseEnvironment::displayVerbosity(), and QUESO::BaseEnvironment::subDisplayFile().
template void QUESO::BoostInputOptionsParser::getOption< std::string > | ( | const std::string & | , |
std::string & | |||
) | const |
void QUESO::BoostInputOptionsParser::getOption< std::vector< double, std::allocator< double > > > | ( | const std::string & | name, |
std::vector< double, std::allocator< double > > & | value | ||
) | const |
Definition at line 142 of file BoostInputOptionsParser.C.
References MiscReadDoublesFromString().
template void QUESO::BoostInputOptionsParser::getOption< std::vector< unsigned int, std::allocator< unsigned int > > > | ( | const std::string & | , |
std::vector< unsigned int, std::allocator< unsigned int > > & | |||
) | const |
template void QUESO::BoostInputOptionsParser::registerOption< std::string > | ( | const std::string & | , |
const std::string & | , | ||
const std::string & | |||
) |
double QUESO::c_evaluate | ( | const gsl_vector * | x, |
void * | context | ||
) |
Definition at line 43 of file GslOptimizer.C.
References QUESO::GslOptimizer::objectiveFunction().
Referenced by c_evaluate_with_derivative(), QUESO::GslOptimizer::minimize_no_gradient(), and QUESO::GslOptimizer::minimize_with_gradient().
void QUESO::c_evaluate_derivative | ( | const gsl_vector * | x, |
void * | context, | ||
gsl_vector * | derivative | ||
) |
Definition at line 67 of file GslOptimizer.C.
References QUESO::BaseOptimizer::getFiniteDifferenceStepSize(), and QUESO::GslOptimizer::objectiveFunction().
Referenced by c_evaluate_with_derivative(), and QUESO::GslOptimizer::minimize_with_gradient().
void QUESO::c_evaluate_with_derivative | ( | const gsl_vector * | x, |
void * | context, | ||
double * | f, | ||
gsl_vector * | derivative | ||
) |
Definition at line 147 of file GslOptimizer.C.
References c_evaluate(), and c_evaluate_derivative().
Referenced by QUESO::GslOptimizer::minimize_with_gradient().
int QUESO::CheckFilePath | ( | const char * | pathname | ) |
int CheckFilePath(const char *path) {
// verify parent directories in path exist (and create if not).
ifdef HAVE_GRVY return(grvy_check_file_path(path)); else
return 0; endif }
Definition at line 362 of file Miscellaneous.C.
References GRVY_CheckDir().
Referenced by QUESO::FullEnvironment::construct(), QUESO::InfiniteDimensionalMCMCSampler::InfiniteDimensionalMCMCSampler(), QUESO::BaseEnvironment::openInputFile(), QUESO::BaseEnvironment::openOutputFile(), QUESO::BaseEnvironment::openUnifiedInputFile(), and QUESO::BaseEnvironment::openUnifiedOutputFile().
QUESO::checkOptions | ( | ) |
void QUESO::ComputeConditionalGaussianVectorRV | ( | const V & | muVec1, |
const V & | muVec2, | ||
const M & | sigmaMat11, | ||
const M & | sigmaMat12, | ||
const M & | sigmaMat21, | ||
const M & | sigmaMat22, | ||
const V & | sampleVec2, | ||
V & | muVec1_cond_on_2, | ||
M & | sigmaMat11_cond_on_2 | ||
) |
Definition at line 207 of file GaussianVectorRV.C.
References queso_require_equal_to_msg, and QUESO::BaseEnvironment::subDisplayFile().
void QUESO::ComputeCovCorrBetweenScalarSequences | ( | const ScalarSequence< T > & | subPSeq, |
const ScalarSequence< T > & | subQSeq, | ||
unsigned int | subNumSamples, | ||
T & | covValue, | ||
T & | corrValue | ||
) |
Definition at line 4040 of file ScalarSequence.C.
References QUESO::ScalarSequence< T >::env(), QUESO::BaseEnvironment::inter0Comm(), QUESO::BaseEnvironment::inter0Rank(), QUESO::ScalarSequence< T >::subSequenceSize(), QUESO::ScalarSequence< T >::unifiedMeanExtra(), and QUESO::ScalarSequence< T >::unifiedSampleVarianceExtra().
Referenced by ComputeSubGaussian2dKde().
void QUESO::ComputeCovCorrMatricesBetweenVectorRvs | ( | const BaseVectorRV< P_V, P_M > & | paramRv, |
const BaseVectorRV< Q_V, Q_M > & | qoiRv, | ||
unsigned int | localNumSamples, | ||
P_M & | pqCovMatrix, | ||
P_M & | pqCorrMatrix | ||
) |
Definition at line 209 of file VectorRV.C.
References ComputeCovCorrMatricesBetweenVectorSequences(), QUESO::BaseVectorRV< V, M >::imageSet(), QUESO::VectorSpace< V, M >::numOfProcsForStorage(), QUESO::BaseVectorRealizer< V, M >::realization(), QUESO::BaseVectorRV< V, M >::realizer(), QUESO::VectorSet< V, M >::vectorSpace(), and QUESO::VectorSpace< V, M >::zeroVector().
void QUESO::ComputeCovCorrMatricesBetweenVectorSequences | ( | const BaseVectorSequence< P_V, P_M > & | subPSeq, |
const BaseVectorSequence< Q_V, Q_M > & | subQSeq, | ||
unsigned int | subNumSamples, | ||
P_M & | pqCovMatrix, | ||
P_M & | pqCorrMatrix | ||
) |
Definition at line 2774 of file VectorSequence.C.
References QUESO::MpiComm::Barrier(), QUESO::VectorSpace< V, M >::dimGlobal(), QUESO::VectorSpace< V, M >::dimLocal(), QUESO::BaseVectorSequence< V, M >::getPositionValues(), QUESO::BaseEnvironment::inter0Comm(), QUESO::BaseEnvironment::inter0Rank(), QUESO::VectorSpace< V, M >::numOfProcsForStorage(), QUESO::BaseVectorSequence< V, M >::subSequenceSize(), QUESO::BaseVectorSequence< V, M >::unifiedMeanExtra(), QUESO::BaseVectorSequence< V, M >::unifiedSampleVarianceExtra(), QUESO::BaseVectorSequence< V, M >::vectorSpace(), QUESO::BaseEnvironment::worldRank(), and QUESO::VectorSpace< V, M >::zeroVector().
Referenced by QUESO::BaseVectorSequence< V, M >::computeCovCorrMatrices(), ComputeCovCorrMatricesBetweenVectorRvs(), and QUESO::StatisticalForwardProblem< P_V, P_M, Q_V, Q_M >::solveWithMonteCarlo().
double QUESO::computeMI_ANN | ( | ANNpointArray | dataXY, |
unsigned int | dimX, | ||
unsigned int | dimY, | ||
unsigned int | k, | ||
unsigned int | N, | ||
double | eps | ||
) |
Computes the mutual information
Definition at line 161 of file InfoTheory_impl.h.
References annAllocPts(), annDeallocPts(), ANNkd_tree::annkFRSearch(), distANN_XY(), and normalizeANN_XY().
Referenced by estimateMI_ANN().
void QUESO::ComputeSubGaussian2dKde | ( | const ScalarSequence< T > & | scalarSeq1, |
const ScalarSequence< T > & | scalarSeq2, | ||
unsigned int | initialPos, | ||
double | scaleValue1, | ||
double | scaleValue2, | ||
const std::vector< T > & | evaluationPositions1, | ||
const std::vector< T > & | evaluationPositions2, | ||
std::vector< double > & | densityValues | ||
) |
Definition at line 3931 of file ScalarSequence.C.
References ComputeCovCorrBetweenScalarSequences(), queso_require_equal_to_msg, and QUESO::ScalarSequence< T >::subSequenceSize().
Referenced by ComputeUnifiedGaussian2dKde().
void QUESO::ComputeUnifiedGaussian2dKde | ( | bool | useOnlyInter0Comm, |
const ScalarSequence< T > & | scalarSeq1, | ||
const ScalarSequence< T > & | scalarSeq2, | ||
unsigned int | initialPos, | ||
double | unifiedScaleValue1, | ||
double | unifiedScaleValue2, | ||
const std::vector< T > & | unifiedEvaluationPositions1, | ||
const std::vector< T > & | unifiedEvaluationPositions2, | ||
std::vector< double > & | unifiedDensityValues | ||
) |
Definition at line 3990 of file ScalarSequence.C.
References ComputeSubGaussian2dKde(), QUESO::ScalarSequence< T >::env(), QUESO::BaseEnvironment::inter0Rank(), and QUESO::BaseEnvironment::numSubEnvironments().
void QUESO::CovCond | ( | double | condNumber, |
const V & | direction, | ||
M & | covMatrix, | ||
M & | precMatrix | ||
) |
Definition at line 30 of file CovCond.C.
References leftDiagScaling(), and matrixProduct().
void QUESO::distANN_XY | ( | const ANNpointArray | dataX, |
const ANNpointArray | dataY, | ||
double * | distsXY, | ||
unsigned int | dimX, | ||
unsigned int | dimY, | ||
unsigned int | xN, | ||
unsigned int | yN, | ||
unsigned int | k, | ||
double | eps | ||
) |
For each point q in dataX, this performs a k-Nearest Neighbours search of the points in dataY closest to q. The array distsXY is filled with the distance from q to the k-th nearest neighbour.
Definition at line 40 of file InfoTheory_impl.h.
References annClose(), and ANNkd_tree::annkSearch().
Referenced by computeMI_ANN(), estimateCE_ANN(), QUESO::BaseVectorRV< V, M >::estimateENT_ANN(), and estimateKL_ANN().
double QUESO::estimateCE_ANN | ( | RV_1< P_V, P_M > & | xRV, |
RV_2< P_V, P_M > & | yRV, | ||
unsigned int | xDimSel[], | ||
unsigned int | dimX, | ||
unsigned int | yDimSel[], | ||
unsigned int | dimY, | ||
unsigned int | xN, | ||
unsigned int | yN, | ||
unsigned int | k, | ||
double | eps | ||
) |
Function: estimateCE_ANN (Cross Entropy)
Estimates the cross-entropy of two queso random variables xRV and yRV
Definition at line 385 of file InfoTheory_impl.h.
References annAllocPts(), annDeallocPts(), and distANN_XY().
double QUESO::estimateKL_ANN | ( | RV_1< P_V, P_M > & | xRV, |
RV_2< P_V, P_M > & | yRV, | ||
unsigned int | xDimSel[], | ||
unsigned int | dimX, | ||
unsigned int | yDimSel[], | ||
unsigned int | dimY, | ||
unsigned int | xN, | ||
unsigned int | yN, | ||
unsigned int | k, | ||
double | eps | ||
) |
Function: estimateKL_ANN (Kullback-Leibler divergence)
Computes the Kullback-Leibler divergence between two queso random variables xRV and yRV.
Definition at line 310 of file InfoTheory_impl.h.
References annAllocPts(), annDeallocPts(), and distANN_XY().
double QUESO::estimateMI_ANN | ( | const RV< P_V, P_M > & | jointRV, |
const unsigned int | xDimSel[], | ||
unsigned int | dimX, | ||
const unsigned int | yDimSel[], | ||
unsigned int | dimY, | ||
unsigned int | k, | ||
unsigned int | N, | ||
double | eps | ||
) |
Function: estimateMI_ANN (using a joint) (Mutual Information)
Computes the mutual information using a queso joint RV
Definition at line 214 of file InfoTheory_impl.h.
References annAllocPts(), annDeallocPts(), and computeMI_ANN().
double QUESO::estimateMI_ANN | ( | const RV_1< P_V, P_M > & | xRV, |
const RV_2< P_V, P_M > & | yRV, | ||
const unsigned int | xDimSel[], | ||
unsigned int | dimX, | ||
const unsigned int | yDimSel[], | ||
unsigned int | dimY, | ||
unsigned int | k, | ||
unsigned int | N, | ||
double | eps | ||
) |
Function: estimateMI_ANN (using two seperate RVs) (Mutual Information)
Definition at line 260 of file InfoTheory_impl.h.
References annAllocPts(), annDeallocPts(), and computeMI_ANN().
QUESO::for | ( | ) |
Definition at line 123 of file StatisticalForwardProblemOptions.C.
m_parser QUESO::getOption< bool > | ( | m_option_computeSolution | , |
m_computeSolution | |||
) |
m_parser QUESO::getOption< bool > | ( | m_option_computeCovariances | , |
m_computeCovariances | |||
) |
m_parser QUESO::getOption< bool > | ( | m_option_computeCorrelations | , |
m_computeCorrelations | |||
) |
m_parser QUESO::getOption< std::set< unsigned int > > | ( | m_option_dataOutputAllowedSet | , |
m_dataOutputAllowedSet | |||
) |
m_parser QUESO::getOption< std::string > | ( | m_option_help | , |
m_help | |||
) |
m_parser QUESO::getOption< std::string > | ( | m_option_dataOutputFileName | , |
m_dataOutputFileName | |||
) |
m_parser QUESO::getOption< std::string > | ( | m_option_solver | , |
m_solver | |||
) |
int QUESO::GRVY_CheckDir | ( | const char * | dirname | ) |
Definition at line 456 of file Miscellaneous.C.
Referenced by CheckFilePath().
double QUESO::horizontalDistance | ( | const BaseScalarCdf< T > & | cdf1, |
const BaseScalarCdf< T > & | cdf2, | ||
double | epsilon | ||
) |
It calculated the maximum horizontal distance between two CDFs.
Definition at line 96 of file ScalarCdf.C.
References QUESO::BaseEnvironment::displayVerbosity(), QUESO::BaseScalarCdf< T >::env(), QUESO::BaseScalarCdf< T >::inverse(), QUESO::BaseScalarCdf< T >::prefix(), QUESO::BaseEnvironment::subDisplayFile(), and QUESO::BaseScalarCdf< T >::value().
Referenced by horizontalDistances().
void QUESO::horizontalDistances | ( | const BaseVectorCdf< V, M > & | cdf1, |
const BaseVectorCdf< V, M > & | cdf2, | ||
const V & | epsilonVec, | ||
V & | distances | ||
) |
It calculated the maximum horizontal distances between two vector CDFs.
Definition at line 84 of file VectorCdf.C.
References QUESO::BaseVectorCdf< V, M >::cdf(), horizontalDistance(), and QUESO::BaseVectorCdf< V, M >::pdfSupport().
QUESO::if | ( | m_env.subDisplayFile()! | = NULL | ) |
Definition at line 462 of file MonteCarloSGOptions.C.
References QUESO::BaseEnvironment::subDisplayFile().
QUESO::if | ( | m_ov. | m_pseqComputeStats | ) |
VectorSet< V, M > * QUESO::InstantiateIntersection | ( | const VectorSet< V, M > & | domain1, |
const VectorSet< V, M > & | domain2 | ||
) |
This method calculates the intersection of domain1
and domain2
.
It is used, for instance, to calculate the domain of the Posterior PDF, which is the intersection of the domain of the Prior PDF and of the likelihood function.
Definition at line 37 of file InstantiateIntersection.C.
References QUESO::VectorSpace< V, M >::dimGlobal(), QUESO::VectorSpace< V, M >::env(), QUESO::BoxSubset< V, M >::maxValues(), QUESO::BoxSubset< V, M >::minValues(), QUESO::VectorSet< V, M >::prefix(), QUESO::VectorSubset< V, M >::vectorSpace(), and QUESO::VectorSet< V, M >::vectorSpace().
Referenced by QUESO::StatisticalInverseProblem< P_V, P_M >::solveWithBayesMetropolisHastings(), and QUESO::StatisticalInverseProblem< P_V, P_M >::solveWithBayesMLSampling().
TeuchosMatrix QUESO::leftDiagScaling | ( | const TeuchosVector & | vec, |
const TeuchosMatrix & | mat | ||
) |
Definition at line 2137 of file TeuchosMatrix.C.
References QUESO::TeuchosMatrix::numCols(), QUESO::TeuchosMatrix::numRowsLocal(), queso_require_equal_to_msg, and QUESO::TeuchosVector::sizeLocal().
GslMatrix QUESO::leftDiagScaling | ( | const GslVector & | vec, |
const GslMatrix & | mat | ||
) |
Definition at line 2052 of file GslMatrix.C.
References QUESO::GslMatrix::numCols(), QUESO::GslMatrix::numRowsLocal(), queso_require_equal_to_msg, and QUESO::GslVector::sizeLocal().
Referenced by CovCond().
TeuchosMatrix QUESO::matrixProduct | ( | const TeuchosVector & | v1, |
const TeuchosVector & | v2 | ||
) |
Definition at line 2120 of file TeuchosMatrix.C.
References QUESO::Vector::env(), QUESO::Vector::map(), and QUESO::TeuchosVector::sizeLocal().
GslMatrix QUESO::matrixProduct | ( | const GslVector & | v1, |
const GslVector & | v2 | ||
) |
Definition at line 2036 of file GslMatrix.C.
References QUESO::Vector::env(), QUESO::Vector::map(), and QUESO::GslVector::sizeLocal().
Referenced by CovCond(), QUESO::SequenceOfVectors< V, M >::estimateConvBrooksGelman(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step04_inter0(), and QUESO::MetropolisHastingsSG< P_V, P_M >::updateAdaptedCovMatrix().
bool QUESO::MiscCheckForSameValueInAllNodes | ( | T & | inputValue, |
double | acceptableTreshold, | ||
const MpiComm & | comm, | ||
const char * | whereString | ||
) |
Definition at line 479 of file Miscellaneous.C.
References QUESO::MpiComm::Allreduce(), QUESO::MpiComm::Barrier(), QUESO::MpiComm::Bcast(), QUESO::MpiComm::MyPID(), and QUESO::MpiComm::NumProc().
Referenced by QUESO::MLSampling< P_V, P_M >::generateSequence_Step03_inter0(), and QUESO::MLSampling< P_V, P_M >::generateSequence_Step09_all().
void QUESO::MiscCheckTheParallelEnvironment | ( | const V1 & | vec1, |
const V2 & | vec2 | ||
) |
Definition at line 564 of file Miscellaneous.C.
References QUESO::BaseEnvironment::fullComm(), QUESO::MpiComm::NumProc(), QUESO::BaseEnvironment::numSubEnvironments(), queso_require_equal_to_msg, QUESO::BaseEnvironment::subComm(), and QUESO::BaseEnvironment::subRank().
void QUESO::MiscComputePositionsBetweenMinMax | ( | V | minValues, |
V | maxValues, | ||
std::vector< V * > & | positions | ||
) |
Definition at line 537 of file Miscellaneous.C.
Referenced by QUESO::BaseVectorSequence< V, M >::computeHistCdfstaccKde().
double QUESO::MiscDoubleDebugMessage | ( | double | value, |
const char * | message | ||
) |
Definition at line 334 of file Miscellaneous.C.
void QUESO::MiscExtractDoubleFromString | ( | std::string & | inputString, |
double & | outputDouble | ||
) |
void QUESO::MiscExtractWordFromString | ( | std::string & | inputString, |
std::string & | outputWord | ||
) |
double QUESO::MiscGammar | ( | double | a, |
double | b, | ||
const RngBase * | rngObject | ||
) |
Definition at line 248 of file Miscellaneous.C.
References QUESO::RngBase::gaussianSample(), and QUESO::RngBase::uniformSample().
double QUESO::MiscGaussianDensity | ( | double | x, |
double | mu, | ||
double | sigma | ||
) |
Definition at line 306 of file Miscellaneous.C.
Referenced by QUESO::ArrayOfSequences< V, M >::gaussianKDE(), QUESO::ScalarSequence< T >::subGaussian1dKde(), and QUESO::ScalarSequence< T >::unifiedGaussian1dKde().
double QUESO::MiscGetEllapsedSeconds | ( | struct timeval * | timeval0 | ) |
Definition at line 282 of file Miscellaneous.C.
Referenced by QUESO::MonteCarloSG< P_V, P_M, Q_V, Q_M >::actualGenerateSequence(), QUESO::MetropolisHastingsSG< P_V, P_M >::adapt(), QUESO::BaseVectorSequence< V, M >::computeAutoCorrViaDef(), QUESO::BaseVectorSequence< V, M >::computeAutoCorrViaFFT(), QUESO::BaseVectorSequence< V, M >::computeBMM(), QUESO::BaseVectorSequence< V, M >::computeFFT(), QUESO::BaseVectorSequence< V, M >::computeGeweke(), QUESO::BaseVectorSequence< V, M >::computeHistCdfstaccKde(), QUESO::BaseVectorSequence< V, M >::computeMeanEvolution(), QUESO::BaseVectorSequence< V, M >::computeMeanStacc(), QUESO::BaseVectorSequence< V, M >::computeMeanVars(), QUESO::BaseVectorSequence< V, M >::computePSD(), QUESO::BaseVectorSequence< V, M >::computePSDAtZero(), QUESO::BaseVectorSequence< V, M >::computeStatistics(), QUESO::MetropolisHastingsSG< P_V, P_M >::delayedRejection(), QUESO::MLSampling< P_V, P_M >::generateBalLinkedChains_all(), QUESO::MetropolisHastingsSG< P_V, P_M >::generateFullChain(), QUESO::MLSampling< P_V, P_M >::generateSequence(), QUESO::MLSampling< P_V, P_M >::generateSequence_Level0_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step01_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step02_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step03_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step04_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step05_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step06_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step07_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step08_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step09_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step10_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step11_inter0(), QUESO::MLSampling< P_V, P_M >::generateUnbLinkedChains_all(), QUESO::MLSampling< P_V, P_M >::justBalance_proc0(), QUESO::MLSampling< P_V, P_M >::solveBIP_proc0(), QUESO::SequenceOfVectors< V, M >::unifiedReadContents(), QUESO::ScalarSequence< T >::unifiedReadContents(), QUESO::SequenceOfVectors< V, M >::unifiedWriteContents(), and QUESO::ScalarSequence< T >::unifiedWriteContents().
double QUESO::MiscHammingWindow | ( | unsigned int | N, |
unsigned int | j | ||
) |
Definition at line 298 of file Miscellaneous.C.
Referenced by QUESO::ScalarSequence< T >::psd().
int QUESO::MiscIntDebugMessage | ( | int | value, |
const char * | message | ||
) |
Definition at line 324 of file Miscellaneous.C.
int QUESO::MiscReadCharsAndDoubleFromFile | ( | std::ifstream & | ifs, |
std::string & | termString, | ||
double * | termValue, | ||
bool & | endOfLineAchieved | ||
) |
Definition at line 191 of file Miscellaneous.C.
References UQ_FAILED_READING_FILE_RC, and UQ_OK_RC.
Referenced by QUESO::AsciiTable< V, M >::readColumnsFromFile().
void QUESO::MiscReadDoublesFromString | ( | const std::string & | inputString, |
std::vector< double > & | outputDoubles | ||
) |
Definition at line 40 of file Miscellaneous.C.
References queso_require_not_equal_to_msg.
Referenced by BoostInputOptionsParser::getOption< std::vector< double, std::allocator< double > > >(), QUESO::StatisticalForwardProblemOptions::getMyOptionValues(), QUESO::StatisticalInverseProblemOptions::getMyOptionValues(), QUESO::MonteCarloSGOptions::getMyOptionValues(), QUESO::EnvironmentOptions::getMyOptionValues(), SequenceStatisticalOptions::getMyOptionValues(), QUESO::MetropolisHastingsSGOptions::getMyOptionValues(), and QUESO::BoostInputOptionsParser::getOption().
int QUESO::MiscReadStringAndDoubleFromFile | ( | std::ifstream & | ifs, |
std::string & | termString, | ||
double * | termValue | ||
) |
Definition at line 160 of file Miscellaneous.C.
References UQ_FAILED_READING_FILE_RC, and UQ_OK_RC.
Referenced by QUESO::AsciiTable< V, M >::readColumnsFromFile().
void QUESO::MiscReadWordsFromString | ( | const std::string & | inputString, |
std::vector< std::string > & | outputWords | ||
) |
Definition at line 92 of file Miscellaneous.C.
References queso_require_not_equal_to_msg.
unsigned int QUESO::MiscUintDebugMessage | ( | unsigned int | value, |
const char * | message | ||
) |
Definition at line 314 of file Miscellaneous.C.
int QUESO::MyWorldfullRank | ( | ) |
void QUESO::normalizeANN_XY | ( | ANNpointArray | dataXY, |
unsigned int | dimXY, | ||
ANNpointArray | dataX, | ||
unsigned int | dimX, | ||
ANNpointArray | dataY, | ||
unsigned int | dimY, | ||
unsigned int | N | ||
) |
Normalises dataXY by its sample mean and covariance. dataX and dataY are populated with the marginals of dataXY.
Definition at line 98 of file InfoTheory_impl.h.
References annAllocPt().
Referenced by computeMI_ANN().
GslVector QUESO::operator* | ( | double | a, |
const GslVector & | x | ||
) |
Definition at line 1121 of file GslVector.C.
GslVector QUESO::operator* | ( | const GslVector & | x, |
const GslVector & | y | ||
) |
Definition at line 1129 of file GslVector.C.
TeuchosVector QUESO::operator* | ( | double | a, |
const TeuchosVector & | x | ||
) |
Definition at line 1187 of file TeuchosVector.C.
TeuchosVector QUESO::operator* | ( | const TeuchosVector & | x, |
const TeuchosVector & | y | ||
) |
Definition at line 1195 of file TeuchosVector.C.
TeuchosMatrix QUESO::operator* | ( | double | a, |
const TeuchosMatrix & | mat | ||
) |
Definition at line 2064 of file TeuchosMatrix.C.
TeuchosVector QUESO::operator* | ( | const TeuchosMatrix & | mat, |
const TeuchosVector & | vec | ||
) |
Definition at line 2072 of file TeuchosMatrix.C.
References QUESO::TeuchosMatrix::multiply().
TeuchosMatrix QUESO::operator* | ( | const TeuchosMatrix & | m1, |
const TeuchosMatrix & | m2 | ||
) |
Definition at line 2078 of file TeuchosMatrix.C.
References QUESO::Matrix::env(), QUESO::Matrix::map(), QUESO::TeuchosMatrix::numCols(), QUESO::TeuchosMatrix::numRowsLocal(), and queso_require_equal_to_msg.
GslMatrix QUESO::operator* | ( | double | a, |
const GslMatrix & | mat | ||
) |
Definition at line 1982 of file GslMatrix.C.
GslVector QUESO::operator* | ( | const GslMatrix & | mat, |
const GslVector & | vec | ||
) |
Definition at line 1989 of file GslMatrix.C.
References QUESO::GslMatrix::multiply().
GslMatrix QUESO::operator* | ( | const GslMatrix & | m1, |
const GslMatrix & | m2 | ||
) |
Definition at line 1994 of file GslMatrix.C.
References QUESO::Matrix::env(), QUESO::Matrix::map(), QUESO::GslMatrix::numCols(), QUESO::GslMatrix::numRowsLocal(), and queso_require_equal_to_msg.
GslVector QUESO::operator+ | ( | const GslVector & | x, |
const GslVector & | y | ||
) |
Definition at line 1151 of file GslVector.C.
TeuchosVector QUESO::operator+ | ( | const TeuchosVector & | x, |
const TeuchosVector & | y | ||
) |
Definition at line 1218 of file TeuchosVector.C.
TeuchosMatrix QUESO::operator+ | ( | const TeuchosMatrix & | m1, |
const TeuchosMatrix & | m2 | ||
) |
Definition at line 2104 of file TeuchosMatrix.C.
GslMatrix QUESO::operator+ | ( | const GslMatrix & | m1, |
const GslMatrix & | m2 | ||
) |
Definition at line 2022 of file GslMatrix.C.
GslVector QUESO::operator- | ( | const GslVector & | x, |
const GslVector & | y | ||
) |
Definition at line 1159 of file GslVector.C.
TeuchosVector QUESO::operator- | ( | const TeuchosVector & | x, |
const TeuchosVector & | y | ||
) |
Definition at line 1226 of file TeuchosVector.C.
TeuchosMatrix QUESO::operator- | ( | const TeuchosMatrix & | m1, |
const TeuchosMatrix & | m2 | ||
) |
Definition at line 2112 of file TeuchosMatrix.C.
GslMatrix QUESO::operator- | ( | const GslMatrix & | m1, |
const GslMatrix & | m2 | ||
) |
Definition at line 2029 of file GslMatrix.C.
GslVector QUESO::operator/ | ( | double | a, |
const GslVector & | x | ||
) |
Definition at line 1104 of file GslVector.C.
References QUESO::GslVector::cwInvert().
GslVector QUESO::operator/ | ( | const GslVector & | x, |
const GslVector & | y | ||
) |
Definition at line 1113 of file GslVector.C.
TeuchosVector QUESO::operator/ | ( | double | a, |
const TeuchosVector & | x | ||
) |
Definition at line 1170 of file TeuchosVector.C.
References QUESO::TeuchosVector::cwInvert().
TeuchosVector QUESO::operator/ | ( | const TeuchosVector & | x, |
const TeuchosVector & | y | ||
) |
Definition at line 1179 of file TeuchosVector.C.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const InfiniteDimensionalMCMCSamplerOptions & | obj | ||
) |
Definition at line 106 of file InfiniteDimensionalMCMCSamplerOptions.C.
References QUESO::InfiniteDimensionalMCMCSamplerOptions::m_parser, and QUESO::InfiniteDimensionalMCMCSamplerOptions::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const GslBlockMatrix & | obj | ||
) |
Definition at line 156 of file GslBlockMatrix.C.
References QUESO::GslBlockMatrix::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const ArrayOfOneDTables< V, M > & | obj | ||
) |
Definition at line 112 of file ArrayOfOneDTables.C.
References QUESO::ArrayOfOneDTables< V, M >::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const BaseJointPdf< V, M > & | obj | ||
) |
Definition at line 129 of file JointPdf.h.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const BoostInputOptionsParser & | parser | ||
) |
Definition at line 157 of file BoostInputOptionsParser.C.
References QUESO::BoostInputOptionsParser::m_optionsDescription.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const OptimizerOptions & | obj | ||
) |
Definition at line 172 of file OptimizerOptions.C.
References QUESO::OptimizerOptions::m_fdfstepSize, QUESO::OptimizerOptions::m_finiteDifferenceStepSize, QUESO::OptimizerOptions::m_fstepSize, QUESO::OptimizerOptions::m_lineTolerance, QUESO::OptimizerOptions::m_maxIterations, QUESO::OptimizerOptions::m_option_fdfstepSize, QUESO::OptimizerOptions::m_option_finiteDifferenceStepSize, QUESO::OptimizerOptions::m_option_fstepSize, QUESO::OptimizerOptions::m_option_lineTolerance, QUESO::OptimizerOptions::m_option_maxIterations, QUESO::OptimizerOptions::m_option_solverType, QUESO::OptimizerOptions::m_option_tolerance, QUESO::OptimizerOptions::m_solverType, and QUESO::OptimizerOptions::m_tolerance.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const MLSamplingOptions & | obj | ||
) |
Definition at line 173 of file MLSamplingOptions.C.
References QUESO::MLSamplingOptions::m_parser, and QUESO::MLSamplingOptions::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const SipOptionsValues & | obj | ||
) |
Definition at line 175 of file StatisticalInverseProblemOptions.C.
References QUESO::SipOptionsValues::m_computeSolution, QUESO::SipOptionsValues::m_dataOutputAllowedSet, QUESO::SipOptionsValues::m_dataOutputFileName, QUESO::SipOptionsValues::m_option_computeSolution, QUESO::SipOptionsValues::m_option_dataOutputAllowedSet, QUESO::SipOptionsValues::m_option_dataOutputFileName, QUESO::SipOptionsValues::m_option_solver, and QUESO::SipOptionsValues::m_solverString.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const SfpOptionsValues & | obj | ||
) |
Definition at line 180 of file StatisticalForwardProblemOptions.C.
References QUESO::SfpOptionsValues::m_computeCorrelations, QUESO::SfpOptionsValues::m_computeCovariances, QUESO::SfpOptionsValues::m_computeSolution, QUESO::SfpOptionsValues::m_dataOutputAllowedSet, QUESO::SfpOptionsValues::m_dataOutputFileName, QUESO::SfpOptionsValues::m_option_computeCorrelations, QUESO::SfpOptionsValues::m_option_computeCovariances, QUESO::SfpOptionsValues::m_option_computeSolution, QUESO::SfpOptionsValues::m_option_dataOutputAllowedSet, QUESO::SfpOptionsValues::m_option_dataOutputFileName, QUESO::SfpOptionsValues::m_option_solver, QUESO::SfpOptionsValues::m_parser, and QUESO::SfpOptionsValues::m_solverString.
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const StatisticalForwardProblemOptions & | obj | ||
) |
Prints the object obj
, overloading an operator.
Definition at line 400 of file StatisticalForwardProblemOptions.C.
References QUESO::StatisticalForwardProblemOptions::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const StatisticalInverseProblemOptions & | obj | ||
) |
Prints the object obj
, overloading an operator.
Definition at line 379 of file StatisticalInverseProblemOptions.C.
References QUESO::StatisticalInverseProblemOptions::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const EnvOptionsValues & | obj | ||
) |
Definition at line 235 of file EnvironmentOptions.C.
References QUESO::BaseEnvironment::input(), QUESO::EnvOptionsValues::m_checkingLevel, QUESO::EnvOptionsValues::m_displayVerbosity, QUESO::EnvOptionsValues::m_env, QUESO::EnvOptionsValues::m_identifyingString, QUESO::EnvOptionsValues::m_numSubEnvironments, QUESO::EnvOptionsValues::m_option_checkingLevel, QUESO::EnvOptionsValues::m_option_displayVerbosity, QUESO::EnvOptionsValues::m_option_identifyingString, QUESO::EnvOptionsValues::m_option_numSubEnvironments, QUESO::EnvOptionsValues::m_option_platformName, QUESO::EnvOptionsValues::m_option_rngType, QUESO::EnvOptionsValues::m_option_seed, QUESO::EnvOptionsValues::m_option_subDisplayAllowAll, QUESO::EnvOptionsValues::m_option_subDisplayAllowedSet, QUESO::EnvOptionsValues::m_option_subDisplayFileName, QUESO::EnvOptionsValues::m_option_syncVerbosity, QUESO::EnvOptionsValues::m_parser, QUESO::EnvOptionsValues::m_platformName, QUESO::EnvOptionsValues::m_rngType, QUESO::EnvOptionsValues::m_seed, QUESO::EnvOptionsValues::m_subDisplayAllowAll, QUESO::EnvOptionsValues::m_subDisplayAllowedSet, QUESO::EnvOptionsValues::m_subDisplayFileName, and QUESO::EnvOptionsValues::m_syncVerbosity.
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const GslVector & | obj | ||
) |
Definition at line 1097 of file GslVector.C.
References QUESO::GslVector::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const MonteCarloSGOptions & | obj | ||
) |
Prints the object obj
, overloading an operator.
Definition at line 710 of file MonteCarloSGOptions.C.
References QUESO::MonteCarloSGOptions::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const TeuchosVector & | obj | ||
) |
Definition at line 1255 of file TeuchosVector.C.
References QUESO::TeuchosVector::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const AsciiTable< V, M > & | obj | ||
) |
Definition at line 301 of file AsciiTable.C.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const McOptionsValues & | obj | ||
) |
Definition at line 330 of file MonteCarloSGOptions.C.
References QUESO::McOptionsValues::m_dataOutputAllowedSet, QUESO::McOptionsValues::m_dataOutputFileName, QUESO::McOptionsValues::m_option_dataOutputAllowedSet, QUESO::McOptionsValues::m_option_dataOutputFileName, QUESO::McOptionsValues::m_option_pseq_computeStats, QUESO::McOptionsValues::m_option_pseq_dataOutputAllowedSet, QUESO::McOptionsValues::m_option_pseq_dataOutputFileName, QUESO::McOptionsValues::m_option_pseq_dataOutputFileType, QUESO::McOptionsValues::m_option_pseq_dataOutputPeriod, QUESO::McOptionsValues::m_option_qseq_computeStats, QUESO::McOptionsValues::m_option_qseq_dataInputFileName, QUESO::McOptionsValues::m_option_qseq_dataInputFileType, QUESO::McOptionsValues::m_option_qseq_dataOutputAllowedSet, QUESO::McOptionsValues::m_option_qseq_dataOutputFileName, QUESO::McOptionsValues::m_option_qseq_dataOutputFileType, QUESO::McOptionsValues::m_option_qseq_dataOutputPeriod, QUESO::McOptionsValues::m_option_qseq_displayPeriod, QUESO::McOptionsValues::m_option_qseq_measureRunTimes, QUESO::McOptionsValues::m_option_qseq_size, QUESO::McOptionsValues::m_parser, QUESO::McOptionsValues::m_pseqComputeStats, QUESO::McOptionsValues::m_pseqDataOutputAllowedSet, QUESO::McOptionsValues::m_pseqDataOutputFileName, QUESO::McOptionsValues::m_pseqDataOutputFileType, QUESO::McOptionsValues::m_pseqDataOutputPeriod, QUESO::McOptionsValues::m_qseqComputeStats, QUESO::McOptionsValues::m_qseqDataInputFileName, QUESO::McOptionsValues::m_qseqDataInputFileType, QUESO::McOptionsValues::m_qseqDataOutputAllowedSet, QUESO::McOptionsValues::m_qseqDataOutputFileName, QUESO::McOptionsValues::m_qseqDataOutputFileType, QUESO::McOptionsValues::m_qseqDataOutputPeriod, QUESO::McOptionsValues::m_qseqDisplayPeriod, QUESO::McOptionsValues::m_qseqMeasureRunTimes, and QUESO::McOptionsValues::m_qseqSize.
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const EnvironmentOptions & | obj | ||
) |
Print values of the options chosen.
Definition at line 533 of file EnvironmentOptions.C.
References QUESO::EnvironmentOptions::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const TeuchosMatrix & | obj | ||
) |
Definition at line 2182 of file TeuchosMatrix.C.
References QUESO::TeuchosMatrix::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const GslMatrix & | obj | ||
) |
Definition at line 1975 of file GslMatrix.C.
References QUESO::GslMatrix::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const BaseEnvironment & | obj | ||
) |
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const GPMSAOptions & | obj | ||
) |
Definition at line 611 of file GPMSAOptions.C.
References QUESO::GPMSAOptions::m_parser, and QUESO::GPMSAOptions::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const MhOptionsValues & | obj | ||
) |
Definition at line 743 of file MetropolisHastingsSGOptions.C.
References QUESO::MhOptionsValues::m_algorithm, QUESO::MhOptionsValues::m_amAdaptedMatricesDataOutputAllowAll, QUESO::MhOptionsValues::m_amAdaptedMatricesDataOutputAllowedSet, QUESO::MhOptionsValues::m_amAdaptedMatricesDataOutputFileName, QUESO::MhOptionsValues::m_amAdaptedMatricesDataOutputFileType, QUESO::MhOptionsValues::m_amAdaptedMatricesDataOutputPeriod, QUESO::MhOptionsValues::m_amAdaptInterval, QUESO::MhOptionsValues::m_amEpsilon, QUESO::MhOptionsValues::m_amEta, QUESO::MhOptionsValues::m_amInitialNonAdaptInterval, QUESO::MhOptionsValues::m_amKeepInitialMatrix, QUESO::MhOptionsValues::m_BrooksGelmanLag, QUESO::MhOptionsValues::m_dataOutputAllowAll, QUESO::MhOptionsValues::m_dataOutputAllowedSet, QUESO::MhOptionsValues::m_dataOutputFileName, QUESO::MhOptionsValues::m_displayCandidates, QUESO::MhOptionsValues::m_doLogitTransform, QUESO::MhOptionsValues::m_drDuringAmNonAdaptiveInt, QUESO::MhOptionsValues::m_drMaxNumExtraStages, QUESO::MhOptionsValues::m_drScalesForExtraStages, QUESO::MhOptionsValues::m_enableBrooksGelmanConvMonitor, QUESO::MhOptionsValues::m_filteredChainComputeStats, QUESO::MhOptionsValues::m_filteredChainDataOutputAllowAll, QUESO::MhOptionsValues::m_filteredChainDataOutputAllowedSet, QUESO::MhOptionsValues::m_filteredChainDataOutputFileName, QUESO::MhOptionsValues::m_filteredChainDataOutputFileType, QUESO::MhOptionsValues::m_filteredChainDiscardedPortion, QUESO::MhOptionsValues::m_filteredChainGenerate, QUESO::MhOptionsValues::m_filteredChainLag, QUESO::MhOptionsValues::m_initialPositionDataInputFileName, QUESO::MhOptionsValues::m_initialPositionDataInputFileType, QUESO::MhOptionsValues::m_initialProposalCovMatrixDataInputFileName, QUESO::MhOptionsValues::m_initialProposalCovMatrixDataInputFileType, QUESO::MhOptionsValues::m_option_algorithm, QUESO::MhOptionsValues::m_option_am_adaptedMatrices_dataOutputAllowAll, QUESO::MhOptionsValues::m_option_am_adaptedMatrices_dataOutputAllowedSet, QUESO::MhOptionsValues::m_option_am_adaptedMatrices_dataOutputFileName, QUESO::MhOptionsValues::m_option_am_adaptedMatrices_dataOutputFileType, QUESO::MhOptionsValues::m_option_am_adaptedMatrices_dataOutputPeriod, QUESO::MhOptionsValues::m_option_am_adaptInterval, QUESO::MhOptionsValues::m_option_am_epsilon, QUESO::MhOptionsValues::m_option_am_eta, QUESO::MhOptionsValues::m_option_am_initialNonAdaptInterval, QUESO::MhOptionsValues::m_option_am_keepInitialMatrix, QUESO::MhOptionsValues::m_option_BrooksGelmanLag, QUESO::MhOptionsValues::m_option_dataOutputAllowAll, QUESO::MhOptionsValues::m_option_dataOutputAllowedSet, QUESO::MhOptionsValues::m_option_dataOutputFileName, QUESO::MhOptionsValues::m_option_displayCandidates, QUESO::MhOptionsValues::m_option_doLogitTransform, QUESO::MhOptionsValues::m_option_dr_duringAmNonAdaptiveInt, QUESO::MhOptionsValues::m_option_dr_listOfScalesForExtraStages, QUESO::MhOptionsValues::m_option_dr_maxNumExtraStages, QUESO::MhOptionsValues::m_option_enableBrooksGelmanConvMonitor, QUESO::MhOptionsValues::m_option_filteredChain_computeStats, QUESO::MhOptionsValues::m_option_filteredChain_dataOutputAllowAll, QUESO::MhOptionsValues::m_option_filteredChain_dataOutputAllowedSet, QUESO::MhOptionsValues::m_option_filteredChain_dataOutputFileName, QUESO::MhOptionsValues::m_option_filteredChain_dataOutputFileType, QUESO::MhOptionsValues::m_option_filteredChain_discardedPortion, QUESO::MhOptionsValues::m_option_filteredChain_generate, QUESO::MhOptionsValues::m_option_filteredChain_lag, QUESO::MhOptionsValues::m_option_initialPosition_dataInputFileName, QUESO::MhOptionsValues::m_option_initialPosition_dataInputFileType, QUESO::MhOptionsValues::m_option_initialProposalCovMatrix_dataInputFileName, QUESO::MhOptionsValues::m_option_initialProposalCovMatrix_dataInputFileType, QUESO::MhOptionsValues::m_option_listOfDisabledParameters, QUESO::MhOptionsValues::m_option_outputLogLikelihood, QUESO::MhOptionsValues::m_option_outputLogTarget, QUESO::MhOptionsValues::m_option_putOutOfBoundsInChain, QUESO::MhOptionsValues::m_option_rawChain_computeStats, QUESO::MhOptionsValues::m_option_rawChain_dataInputFileName, QUESO::MhOptionsValues::m_option_rawChain_dataInputFileType, QUESO::MhOptionsValues::m_option_rawChain_dataOutputAllowAll, QUESO::MhOptionsValues::m_option_rawChain_dataOutputAllowedSet, QUESO::MhOptionsValues::m_option_rawChain_dataOutputFileName, QUESO::MhOptionsValues::m_option_rawChain_dataOutputFileType, QUESO::MhOptionsValues::m_option_rawChain_dataOutputPeriod, QUESO::MhOptionsValues::m_option_rawChain_displayPeriod, QUESO::MhOptionsValues::m_option_rawChain_generateExtra, QUESO::MhOptionsValues::m_option_rawChain_measureRunTimes, QUESO::MhOptionsValues::m_option_rawChain_size, QUESO::MhOptionsValues::m_option_tk, QUESO::MhOptionsValues::m_option_tk_useLocalHessian, QUESO::MhOptionsValues::m_option_tk_useNewtonComponent, QUESO::MhOptionsValues::m_option_totallyMute, QUESO::MhOptionsValues::m_option_updateInterval, QUESO::MhOptionsValues::m_outputLogLikelihood, QUESO::MhOptionsValues::m_outputLogTarget, QUESO::MhOptionsValues::m_parameterDisabledSet, QUESO::MhOptionsValues::m_parser, QUESO::MhOptionsValues::m_putOutOfBoundsInChain, QUESO::MhOptionsValues::m_rawChainComputeStats, QUESO::MhOptionsValues::m_rawChainDataInputFileName, QUESO::MhOptionsValues::m_rawChainDataInputFileType, QUESO::MhOptionsValues::m_rawChainDataOutputAllowAll, QUESO::MhOptionsValues::m_rawChainDataOutputAllowedSet, QUESO::MhOptionsValues::m_rawChainDataOutputFileName, QUESO::MhOptionsValues::m_rawChainDataOutputFileType, QUESO::MhOptionsValues::m_rawChainDataOutputPeriod, QUESO::MhOptionsValues::m_rawChainDisplayPeriod, QUESO::MhOptionsValues::m_rawChainGenerateExtra, QUESO::MhOptionsValues::m_rawChainMeasureRunTimes, QUESO::MhOptionsValues::m_rawChainSize, QUESO::MhOptionsValues::m_tk, QUESO::MhOptionsValues::m_tkUseLocalHessian, QUESO::MhOptionsValues::m_tkUseNewtonComponent, QUESO::MhOptionsValues::m_totallyMute, and QUESO::MhOptionsValues::m_updateInterval.
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const MLSamplingLevelOptions & | obj | ||
) |
Definition at line 842 of file MLSamplingLevelOptions.C.
References QUESO::MLSamplingLevelOptions::m_parser, and QUESO::MLSamplingLevelOptions::print().
std::ostream & QUESO::operator<< | ( | std::ostream & | os, |
const MetropolisHastingsSGOptions & | obj | ||
) |
Definition at line 1720 of file MetropolisHastingsSGOptions.C.
References QUESO::MetropolisHastingsSGOptions::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const SequenceStatisticalOptions & | obj | ||
) |
Definition at line 1457 of file SequenceStatisticalOptions.C.
References SequenceStatisticalOptions::print().
std::ostream& QUESO::operator<< | ( | std::ostream & | os, |
const MLSampling< P_V, P_M > & | obj | ||
) |
Definition at line 4822 of file MLSampling.C.
bool QUESO::operator== | ( | const GslVector & | lhs, |
const GslVector & | rhs | ||
) |
Definition at line 1168 of file GslVector.C.
References queso_require_equal_to_msg, and QUESO::GslVector::sizeLocal().
bool QUESO::operator== | ( | const TeuchosVector & | lhs, |
const TeuchosVector & | rhs | ||
) |
Definition at line 1235 of file TeuchosVector.C.
References queso_require_equal_to_msg, and QUESO::TeuchosVector::sizeLocal().
int QUESO::QUESO_get_numeric_version | ( | ) |
bool QUESO::queso_isfinite | ( | T | arg | ) |
Definition at line 51 of file math_macros.h.
Referenced by QUESO::InterpolationSurrogateData< V, M >::check_domain_bounds(), QUESO::InvLogitGaussianJointPdf< V, M >::lnValue(), QUESO::UniformVectorRealizer< V, M >::realization(), QUESO::InvLogitGaussianVectorRealizer< V, M >::realization(), QUESO::MetropolisHastingsSG< P_V, P_M >::transformInitialCovMatrixToGaussianSpace(), and QUESO::TransformedScaledCovMatrixTKGroup< V, M >::transformToGaussianSpace().
bool QUESO::queso_isnan | ( | T | arg | ) |
Definition at line 39 of file math_macros.h.
Referenced by QUESO::Algorithm< V, M >::acceptance_ratio(), QUESO::UniformJointPdf< V, M >::actualValue(), QUESO::MetropolisHastingsSG< P_V, P_M >::alpha(), QUESO::BaseJointPdf< V, M >::commonComputeLogOfNormalizationFactor(), QUESO::PoweredJointPdf< V, M >::computeLogOfNormalizationFactor(), QUESO::BayesianJointPdf< V, M >::computeLogOfNormalizationFactor(), QUESO::ConcatenatedJointPdf< V, M >::computeLogOfNormalizationFactor(), QUESO::UniformJointPdf< V, M >::lnValue(), and QUESO::GPMSAEmulator< V, M >::lnValue().
QUESO::QUESO_STANDARD_TYPE | ( | char | , |
MPI_CHAR | |||
) |
QUESO::QUESO_STANDARD_TYPE | ( | int | , |
MPI_INT | |||
) |
QUESO::QUESO_STANDARD_TYPE | ( | unsigned | int, |
MPI_UNSIGNED | |||
) |
QUESO::QUESO_STANDARD_TYPE | ( | double | , |
MPI_DOUBLE | |||
) |
void QUESO::queso_terminate_handler | ( | ) |
Function for unhandled exceptions in Queso.
queso_terminate_handler This function deals with unhandled exceptions encountered in Queso. It provides a call to MPI_abort using the global communicator.
Definition at line 1731 of file Environment.C.
References old_terminate_handler.
Referenced by QUESO::FullEnvironment::construct().
void QUESO::QUESO_version_print | ( | std::ostream & | os | ) |
Definition at line 56 of file Environment.C.
References QUESO_get_numeric_version().
Referenced by QUESO::FullEnvironment::construct(), and main().
SfpOptionsValues::SfpOptionsValues () m_parser QUESO::registerOption< bool > | ( | m_option_computeSolution | , |
UQ_SFP_COMPUTE_SOLUTION_ODV | , | ||
"compute solution process" | |||
) |
m_parser QUESO::registerOption< bool > | ( | m_option_computeCovariances | , |
UQ_SFP_COMPUTE_COVARIANCES_ODV | , | ||
"compute pq covariances" | |||
) |
m_parser QUESO::registerOption< bool > | ( | m_option_computeCorrelations | , |
UQ_SFP_COMPUTE_CORRELATIONS_ODV | , | ||
"compute pq correlations" | |||
) |
m_parser QUESO::registerOption< std::string > | ( | m_option_dataOutputFileName | , |
UQ_SFP_DATA_OUTPUT_FILE_NAME_ODV | , | ||
"name of data output file" | |||
) |
m_parser QUESO::registerOption< std::string > | ( | m_option_dataOutputAllowedSet | , |
UQ_SFP_DATA_OUTPUT_ALLOWED_SET_ODV | , | ||
"subEnvs that will write to data output file" | |||
) |
m_parser QUESO::registerOption< std::string > | ( | m_option_solver | , |
UQ_SFP_SOLVER_ODV | , | ||
"algorithm for propagation" | |||
) |
TeuchosMatrix QUESO::rightDiagScaling | ( | const TeuchosMatrix & | mat, |
const TeuchosVector & | vec | ||
) |
Definition at line 2159 of file TeuchosMatrix.C.
References QUESO::TeuchosMatrix::numCols(), QUESO::TeuchosMatrix::numRowsLocal(), queso_require_equal_to_msg, and QUESO::TeuchosVector::sizeLocal().
GslMatrix QUESO::rightDiagScaling | ( | const GslMatrix & | mat, |
const GslVector & | vec | ||
) |
Definition at line 2073 of file GslMatrix.C.
References QUESO::GslMatrix::numCols(), QUESO::GslMatrix::numRowsLocal(), queso_require_equal_to_msg, and QUESO::GslVector::sizeLocal().
double QUESO::scalarProduct | ( | const GslVector & | x, |
const GslVector & | y | ||
) |
Definition at line 1137 of file GslVector.C.
References queso_require_equal_to_msg, and QUESO::GslVector::sizeLocal().
Referenced by QUESO::GslVector::norm2Sq(), and QUESO::GPMSAFactory< V, M >::setUpHyperpriors().
double QUESO::scalarProduct | ( | const TeuchosVector & | x, |
const TeuchosVector & | y | ||
) |
Definition at line 1203 of file TeuchosVector.C.
References queso_require_equal_to_msg, and QUESO::TeuchosVector::sizeLocal().
m_parser QUESO::scanInputFile | ( | ) |
double QUESO::SubF1F2Gaussian2dKdeIntegral | ( | const ScalarSequence< T > & | scalarSeq1, |
const ScalarSequence< T > & | scalarSeq2, | ||
unsigned int | initialPos, | ||
double | scaleValue1, | ||
double | scaleValue2, | ||
const Base1D1DFunction & | func1, | ||
const Base1D1DFunction & | func2, | ||
unsigned int | quadratureOrder | ||
) |
Calculates the integral of a 2D Gaussian KDE.
This function performs numerical integration (via Hermite-Gauss quadrature, see GaussianHermite1DQuadrature), of a bi-variate Gaussian KDE (refer to ScalarSequence::subGaussian1dKde(), ArrayOfSequences::gaussianKDE(), or SequenceOfVectors::subGaussian1dKde().
Definition at line 875 of file 1D1DFunction.C.
References queso_require_equal_to_msg, QUESO::ScalarSequence< T >::subSequenceSize(), and QUESO::Base1D1DFunction::value().
void QUESO::whiteningANN_X_Y | ( | ANNpointArray | dataX1, |
ANNpointArray | dataX2, | ||
unsigned int | dimX, | ||
unsigned int | N1, | ||
unsigned int | N2 | ||
) |
Not defined anywhere!
DistArray<T>::DistArray (const Map& inputMap, const int inputRowSize) QUESO::for(int i=0;i< m_Map.NumGlobalElements();++i) |
Definition at line 53 of file DistArray.C.
QUESO::if |
Definition at line 104 of file MonteCarloSGOptions.C.
Referenced by QUESO::MetropolisHastingsSG< P_V, P_M >::delayedRejection(), and QUESO::MetropolisHastingsSG< P_V, P_M >::generateFullChain().
QUESO::m_computeCorrelations = env->input()(m_option_computeCorrelations, UQ_SFP_COMPUTE_CORRELATIONS_ODV) |
Definition at line 118 of file StatisticalForwardProblemOptions.C.
QUESO::m_computeCovariances = env->input()(m_option_computeCovariances, UQ_SFP_COMPUTE_COVARIANCES_ODV) |
Definition at line 117 of file StatisticalForwardProblemOptions.C.
QUESO::m_computeSolution = env->input()(m_option_computeSolution, UQ_SFP_COMPUTE_SOLUTION_ODV) |
Definition at line 116 of file StatisticalForwardProblemOptions.C.
QUESO::m_dataOutputFileName = env->input()(m_option_dataOutputFileName, UQ_SFP_DATA_OUTPUT_FILE_NAME_ODV) |
Definition at line 119 of file StatisticalForwardProblemOptions.C.
Referenced by QUESO::McOptionsValues::copy().
QUESO::m_help = env->input()(m_option_help, UQ_SFP_HELP) |
Definition at line 115 of file StatisticalForwardProblemOptions.C.
QUESO::m_solver = env->input()(m_option_solver, UQ_SFP_SOLVER_ODV) |
Definition at line 131 of file StatisticalForwardProblemOptions.C.
Referenced by QUESO::SipOptionsValues::SipOptionsValues().
std::terminate_handler QUESO::old_terminate_handler |
Definition at line 139 of file Environment.C.
Referenced by QUESO::FullEnvironment::construct(), and queso_terminate_handler().
StatisticalForwardProblemOptions::StatisticalForwardProblemOptions ( const BaseEnvironment& env, const char* prefix, const SfpOptionsValues& alternativeOptionsValues QUESO::queso_require_equal_to_msg)(m_env.optionsInputFileName(), std::string(""), std::string("this constructor is incompatible with the existence of an options input file")) |
Definition at line 460 of file MonteCarloSGOptions.C.
Referenced by QUESO::UniformJointPdf< V, M >::actualValue(), QUESO::BetaJointPdf< V, M >::actualValue(), QUESO::WignerJointPdf< V, M >::actualValue(), QUESO::InverseGammaJointPdf< V, M >::actualValue(), QUESO::BayesianJointPdf< V, M >::actualValue(), QUESO::PoweredJointPdf< V, M >::actualValue(), QUESO::LogNormalJointPdf< V, M >::actualValue(), QUESO::GaussianJointPdf< V, M >::actualValue(), QUESO::ConcatenatedJointPdf< V, M >::actualValue(), QUESO::GammaJointPdf< V, M >::actualValue(), QUESO::MetropolisHastingsSG< P_V, P_M >::adapt(), QUESO::MpiComm::Allreduce(), QUESO::MetropolisHastingsSG< P_V, P_M >::alpha(), QUESO::TeuchosVector::atLeastOneComponentBiggerOrEqualThan(), QUESO::GslVector::atLeastOneComponentBiggerOrEqualThan(), QUESO::TeuchosVector::atLeastOneComponentBiggerThan(), QUESO::GslVector::atLeastOneComponentBiggerThan(), QUESO::TeuchosVector::atLeastOneComponentSmallerOrEqualThan(), QUESO::GslVector::atLeastOneComponentSmallerOrEqualThan(), QUESO::TeuchosVector::atLeastOneComponentSmallerThan(), QUESO::GslVector::atLeastOneComponentSmallerThan(), QUESO::MpiComm::Barrier(), QUESO::MpiComm::Bcast(), QUESO::BoxSubset< V, M >::BoxSubset(), QUESO::VectorFunctionSynchronizer< P_V, P_M, Q_V, Q_M >::callFunction(), QUESO::ConcatenationSubset< V, M >::centroid(), QUESO::InfiniteDimensionalMCMCSamplerOptions::checkOptions(), QUESO::MhOptionsValues::checkOptions(), QUESO::MLSampling< P_V, P_M >::checkpointML(), QUESO::HessianCovMatricesTKGroup< V, M >::clearPreComputingPositions(), ComputeConditionalGaussianVectorRV(), ComputeSubGaussian2dKde(), QUESO::ConcatenatedJointPdf< V, M >::ConcatenatedJointPdf(), QUESO::FullEnvironment::construct(), QUESO::ConcatenationSubset< V, M >::contains(), QUESO::BaseVectorSequence< V, M >::copy(), QUESO::TeuchosVector::copy_from_std_vector(), QUESO::GenericMatrixCovarianceFunction< P_V, P_M, Q_V, Q_M >::covMatrix(), QUESO::ExponentialMatrixCovarianceFunction< P_V, P_M, Q_V, Q_M >::covMatrix(), QUESO::GslVector::cwSetBeta(), QUESO::TeuchosVector::cwSetBeta(), QUESO::GslVector::cwSetConcatenated(), QUESO::TeuchosVector::cwSetConcatenated(), QUESO::GslVector::cwSetGamma(), QUESO::TeuchosVector::cwSetGamma(), QUESO::GslVector::cwSetInverseGamma(), QUESO::TeuchosVector::cwSetInverseGamma(), QUESO::MLSampling< P_V, P_M >::decideOnBalancedChains_all(), QUESO::MetropolisHastingsSG< P_V, P_M >::delayedRejection(), QUESO::TeuchosMatrix::eigen(), QUESO::GslMatrix::eigen(), QUESO::EnvironmentOptions::EnvironmentOptions(), QUESO::SequenceOfVectors< V, M >::erasePositions(), QUESO::ScalarSequence< T >::erasePositions(), QUESO::ExponentialMatrixCovarianceFunction< P_V, P_M, Q_V, Q_M >::ExponentialMatrixCovarianceFunction(), QUESO::TeuchosMatrix::fillWithBlocksDiagonally(), QUESO::GslMatrix::fillWithBlocksDiagonally(), QUESO::TeuchosMatrix::fillWithBlocksHorizontally(), QUESO::GslMatrix::fillWithBlocksHorizontally(), QUESO::TeuchosMatrix::fillWithBlocksVertically(), QUESO::GslMatrix::fillWithBlocksVertically(), QUESO::TeuchosMatrix::fillWithTensorProduct(), QUESO::GslMatrix::fillWithTensorProduct(), QUESO::TeuchosMatrix::fillWithTranspose(), QUESO::GslMatrix::fillWithTranspose(), QUESO::FiniteDistribution::FiniteDistribution(), QUESO::MpiComm::Gather(), QUESO::MpiComm::Gatherv(), QUESO::MetropolisHastingsSG< P_V, P_M >::generateFullChain(), QUESO::MonteCarloSG< P_V, P_M, Q_V, Q_M >::generateSequence(), QUESO::MLSampling< P_V, P_M >::generateSequence(), QUESO::MLSampling< P_V, P_M >::generateSequence_Level0_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step02_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step05_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step09_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step11_inter0(), QUESO::Generic1DQuadrature::Generic1DQuadrature(), QUESO::GslMatrix::getColumn(), QUESO::TeuchosMatrix::getColumn(), QUESO::EnvironmentOptions::getMyOptionValues(), QUESO::GslMatrix::getRow(), QUESO::TeuchosMatrix::getRow(), QUESO::SampledScalarCdf< T >::getSupport(), QUESO::ScalarSequence< T >::getUnifiedContentsAtProc0Only(), QUESO::GslVector::GslVector(), QUESO::ArrayOfSequences< V, M >::histogram(), QUESO::MonteCarloSG< P_V, P_M, Q_V, Q_M >::internGenerateSequence(), QUESO::TeuchosMatrix::inverse(), QUESO::GslMatrix::inverse(), QUESO::TeuchosMatrix::invertMultiply(), QUESO::GslMatrix::invertMultiply(), QUESO::TeuchosMatrix::invertMultiplyForceLU(), QUESO::GslMatrix::invertMultiplyForceLU(), QUESO::MLSampling< P_V, P_M >::justBalance_proc0(), QUESO::LagrangePolynomial1D1DFunction::LagrangePolynomial1D1DFunction(), leftDiagScaling(), QUESO::GslVector::matlabDiff(), QUESO::TeuchosVector::matlabDiff(), QUESO::GslVector::matlabLinearInterpExtrap(), QUESO::TeuchosVector::matlabLinearInterpExtrap(), QUESO::TeuchosMatrix::matlabLinearInterpExtrap(), QUESO::GslMatrix::matlabLinearInterpExtrap(), QUESO::MetropolisHastingsSG< P_V, P_M >::MetropolisHastingsSG(), QUESO::MetropolisHastingsSGOptions::MetropolisHastingsSGOptions(), MiscCheckTheParallelEnvironment(), QUESO::ConcatenationSubset< V, M >::moments(), QUESO::MonteCarloSG< P_V, P_M, Q_V, Q_M >::MonteCarloSG(), QUESO::GslVector::mpiAllQuantile(), QUESO::TeuchosVector::mpiAllQuantile(), QUESO::GslVector::mpiAllReduce(), QUESO::TeuchosVector::mpiAllReduce(), QUESO::GslVector::mpiBcast(), QUESO::TeuchosVector::mpiBcast(), QUESO::MpiComm::MpiComm(), QUESO::MLSampling< P_V, P_M >::mpiExchangePositions_inter0(), QUESO::TeuchosMatrix::mpiSum(), QUESO::TeuchosMatrix::multiply(), QUESO::GslMatrix::multiply(), operator*(), QUESO::GslVector::operator*=(), QUESO::TeuchosVector::operator*=(), QUESO::TeuchosVector::operator+=(), QUESO::TeuchosVector::operator-=(), QUESO::GslVector::operator/=(), QUESO::TeuchosVector::operator/=(), QUESO::GslVector::operator=(), QUESO::TeuchosVector::operator=(), operator==(), QUESO::PiecewiseLinear1D1DFunction::PiecewiseLinear1D1DFunction(), QUESO::MLSampling< P_V, P_M >::prepareBalLinkedChains_inter0(), QUESO::MLSampling< P_V, P_M >::prepareUnbLinkedChains_inter0(), QUESO::AsciiTable< V, M >::readColumnsFromFile(), QUESO::MpiComm::Recv(), QUESO::MLSampling< P_V, P_M >::restartML(), rightDiagScaling(), QUESO::ScalarGaussianRandomField< V, M >::sampleFunction(), QUESO::VectorGaussianRandomField< P_V, P_M, Q_V, Q_M >::sampleFunction(), scalarProduct(), QUESO::MpiComm::Send(), SequenceStatisticalOptions::SequenceStatisticalOptions(), QUESO::TeuchosMatrix::setColumn(), QUESO::GslMatrix::setColumn(), QUESO::SequenceOfVectors< V, M >::setPositionValues(), QUESO::HessianCovMatricesTKGroup< V, M >::setPreComputingPosition(), QUESO::TeuchosMatrix::setRow(), QUESO::GslMatrix::setRow(), QUESO::ScaledCovMatrixTKGroup< V, M >::setRVsWithZeroMean(), QUESO::TransformedScaledCovMatrixTKGroup< V, M >::setRVsWithZeroMean(), QUESO::GslVector::sizeGlobal(), QUESO::TeuchosVector::sizeGlobal(), QUESO::GslVector::sizeLocal(), QUESO::TeuchosVector::sizeLocal(), QUESO::MLSampling< P_V, P_M >::solveBIP_proc0(), QUESO::StatisticalInverseProblem< P_V, P_M >::solveWithBayesMetropolisHastings(), QUESO::StatisticalForwardProblem< P_V, P_M, Q_V, Q_M >::StatisticalForwardProblem(), QUESO::StatisticalInverseProblem< P_V, P_M >::StatisticalInverseProblem(), QUESO::StatisticalInverseProblemOptions::StatisticalInverseProblemOptions(), SubF1F2Gaussian2dKdeIntegral(), QUESO::ScalarSequence< T >::subHistogram(), QUESO::ScalarSequence< T >::subInterQuantileRange(), QUESO::BaseVectorSequence< V, M >::subPositionsOfMaximum(), QUESO::ScalarSequence< T >::subPositionsOfMaximum(), QUESO::GslVector::subReadContents(), QUESO::TeuchosVector::subReadContents(), QUESO::TeuchosMatrix::subReadContents(), QUESO::GslMatrix::subReadContents(), QUESO::TeuchosMatrix::svd(), QUESO::GslMatrix::svd(), QUESO::TeuchosMatrix::svdSolve(), QUESO::GslMatrix::svdSolve(), QUESO::TensorProductQuadrature< V, M >::TensorProductQuadrature(), QUESO::TeuchosVector::TeuchosVector(), QUESO::TeuchosMatrix::transpose(), QUESO::ScalarSequence< T >::unifiedHistogram(), QUESO::ScalarSequence< T >::unifiedInterQuantileRange(), QUESO::BaseVectorSequence< V, M >::unifiedPositionsOfMaximum(), QUESO::ScalarSequence< T >::unifiedPositionsOfMaximum(), QUESO::SequenceOfVectors< V, M >::unifiedReadContents(), QUESO::ScalarSequence< T >::unifiedReadContents(), QUESO::ScalarSequence< T >::unifiedSort(), QUESO::VectorSpace< V, M >::VectorSpace(), QUESO::TeuchosMatrix::zeroLower(), QUESO::GslMatrix::zeroLower(), QUESO::TeuchosMatrix::zeroUpper(), and QUESO::GslMatrix::zeroUpper().
StatisticalForwardProblemOptions::StatisticalForwardProblemOptions ( const BaseEnvironment& env, const char* prefix QUESO::queso_require_not_equal_to_msg)(m_env.optionsInputFileName(), std::string(""), std::string("this constructor is incompatible with the absence of an options input file")) |
Definition at line 417 of file MonteCarloSGOptions.C.
Referenced by QUESO::MLSamplingOptions::checkOptions(), QUESO::TeuchosMatrix::eigen(), QUESO::GslMatrix::eigen(), QUESO::EnvironmentOptions::EnvironmentOptions(), QUESO::MetropolisHastingsSG< P_V, P_M >::generateSequence(), QUESO::Generic1DQuadrature::Generic1DQuadrature(), QUESO::SampledScalarCdf< T >::getSupport(), QUESO::InfiniteDimensionalMCMCSamplerOptions::InfiniteDimensionalMCMCSamplerOptions(), QUESO::TeuchosMatrix::invertMultiply(), QUESO::TeuchosMatrix::invertMultiplyForceLU(), QUESO::TeuchosMatrix::largestEigen(), QUESO::GslMatrix::largestEigen(), QUESO::MetropolisHastingsSGOptions::MetropolisHastingsSGOptions(), MiscReadDoublesFromString(), MiscReadWordsFromString(), QUESO::PiecewiseLinear1D1DFunction::PiecewiseLinear1D1DFunction(), QUESO::ScaledCovMatrixTKGroup< V, M >::rv(), QUESO::TransformedScaledCovMatrixTKGroup< V, M >::rv(), QUESO::BaseEnvironment::scanInputFileForMyOptions(), SequenceStatisticalOptions::SequenceStatisticalOptions(), QUESO::ScaledCovMatrixTKGroup< V, M >::setRVsWithZeroMean(), QUESO::TransformedScaledCovMatrixTKGroup< V, M >::setRVsWithZeroMean(), QUESO::TeuchosMatrix::smallestEigen(), QUESO::GslMatrix::smallestEigen(), QUESO::StatisticalInverseProblemOptions::StatisticalInverseProblemOptions(), QUESO::ScalarSequence< T >::unifiedReadContents(), and QUESO::Sampled1D1DFunction::value().
unsigned int QUESO::size = env->input().vector_variable_size(m_option_dataOutputAllowedSet) |
Definition at line 122 of file StatisticalForwardProblemOptions.C.
Referenced by QUESO::TeuchosVector::abs(), QUESO::GslVector::abs(), QUESO::TeuchosVector::atLeastOneComponentBiggerOrEqualThan(), QUESO::GslVector::atLeastOneComponentBiggerOrEqualThan(), QUESO::TeuchosVector::atLeastOneComponentBiggerThan(), QUESO::GslVector::atLeastOneComponentBiggerThan(), QUESO::TeuchosVector::atLeastOneComponentSmallerOrEqualThan(), QUESO::GslVector::atLeastOneComponentSmallerOrEqualThan(), QUESO::TeuchosVector::atLeastOneComponentSmallerThan(), QUESO::GslVector::atLeastOneComponentSmallerThan(), QUESO::BaseScalarFunction< V, M >::BaseScalarFunction(), QUESO::MLSamplingLevelOptions::checkOptions(), QUESO::ConcatenatedJointPdf< V, M >::ConcatenatedJointPdf(), QUESO::TeuchosVector::copy_to_std_vector(), QUESO::GslVector::cwInvert(), QUESO::TeuchosVector::cwInvert(), QUESO::GslVector::cwSet(), QUESO::GslVector::cwSqrt(), QUESO::TeuchosVector::cwSqrt(), QUESO::EnvOptionsValues::EnvOptionsValues(), QUESO::GPMSAFactory< V, M >::experimentOutput(), QUESO::GPMSAFactory< V, M >::experimentScenario(), QUESO::MLSamplingLevelOptions::getAllOptions(), QUESO::TeuchosVector::getMaxValue(), QUESO::TeuchosVector::getMaxValueAndIndex(), QUESO::TeuchosVector::getMaxValueIndex(), QUESO::TeuchosVector::getMinValue(), QUESO::TeuchosVector::getMinValueAndIndex(), QUESO::TeuchosVector::getMinValueIndex(), QUESO::MLSampling< P_V, P_M >::justBalance_proc0(), lookUp(), QUESO::GslVector::matlabDiff(), QUESO::TeuchosVector::matlabDiff(), QUESO::GslOptimizer::minimize_no_gradient(), QUESO::MLSamplingOptions::MLSamplingOptions(), QUESO::GslVector::mpiAllQuantile(), QUESO::TeuchosVector::mpiAllQuantile(), QUESO::GslVector::mpiAllReduce(), QUESO::TeuchosVector::mpiAllReduce(), QUESO::TeuchosMatrix::mpiSum(), QUESO::GslMatrix::mpiSum(), QUESO::GslVector::norm1(), QUESO::TeuchosVector::norm1(), QUESO::GslVector::normInf(), QUESO::TeuchosVector::normInf(), QUESO::OptimizerMonitor::print(), QUESO::BaseOneDGrid< T >::print(), QUESO::GslVector::print(), QUESO::TeuchosVector::print(), QUESO::OptimizerMonitor::print_header(), QUESO::BaseScalarFunction< V, M >::setFiniteDifferenceStepSize(), QUESO::SipOptionsValues::SipOptionsValues(), QUESO::GslVector::sumOfComponents(), and QUESO::TeuchosVector::sumOfComponents().
const int QUESO::UQ_FAILED_READING_FILE_RC = -9 |
Definition at line 101 of file Defines.h.
Referenced by MiscReadCharsAndDoubleFromFile(), and MiscReadStringAndDoubleFromFile().
const int QUESO::UQ_INCOMPLETE_IMPLEMENTATION_RC = -1 |
Definition at line 93 of file Defines.h.
Referenced by QUESO::MetropolisHastingsSG< P_V, P_M >::adapt().
const int QUESO::UQ_MATRIX_IS_NOT_POS_DEFINITE_RC = -8 |
Definition at line 100 of file Defines.h.
Referenced by QUESO::MetropolisHastingsSG< P_V, P_M >::adapt(), QUESO::TeuchosMatrix::chol(), and QUESO::GslMatrix::chol().
const int QUESO::UQ_MATRIX_SVD_FAILED_RC = -11 |
Definition at line 103 of file Defines.h.
Referenced by QUESO::GslMatrix::internalSvd().
const int QUESO::UQ_OK_RC = 0 |
Definition at line 92 of file Defines.h.
Referenced by QUESO::MonteCarloSG< P_V, P_M, Q_V, Q_M >::actualGenerateSequence(), QUESO::MetropolisHastingsSG< P_V, P_M >::adapt(), QUESO::BaseVectorSequence< V, M >::computeAutoCorrViaDef(), QUESO::BaseVectorSequence< V, M >::computeAutoCorrViaFFT(), QUESO::BaseVectorSequence< V, M >::computeBMM(), QUESO::BaseVectorSequence< V, M >::computeFFT(), QUESO::BaseVectorSequence< V, M >::computeGeweke(), QUESO::BaseVectorSequence< V, M >::computeHistCdfstaccKde(), QUESO::BaseVectorSequence< V, M >::computeMeanEvolution(), QUESO::BaseVectorSequence< V, M >::computeMeanStacc(), QUESO::BaseVectorSequence< V, M >::computeMeanVars(), QUESO::BaseVectorSequence< V, M >::computePSD(), QUESO::BaseVectorSequence< V, M >::computePSDAtZero(), QUESO::BaseVectorSequence< V, M >::computeStatistics(), QUESO::MetropolisHastingsSG< P_V, P_M >::delayedRejection(), QUESO::MetropolisHastingsSG< P_V, P_M >::generateFullChain(), QUESO::MLSampling< P_V, P_M >::generateSequence(), QUESO::MetropolisHastingsSG< P_V, P_M >::generateSequence(), QUESO::MLSampling< P_V, P_M >::generateSequence_Level0_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step01_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step02_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step03_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step04_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step05_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step06_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step07_inter0(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step08_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step09_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step10_all(), QUESO::MLSampling< P_V, P_M >::generateSequence_Step11_inter0(), QUESO::MLSampling< P_V, P_M >::justBalance_proc0(), MiscReadCharsAndDoubleFromFile(), MiscReadStringAndDoubleFromFile(), QUESO::MLSampling< P_V, P_M >::solveBIP_proc0(), QUESO::SequenceOfVectors< V, M >::unifiedReadContents(), QUESO::ScalarSequence< T >::unifiedReadContents(), QUESO::SequenceOfVectors< V, M >::unifiedWriteContents(), QUESO::ScalarSequence< T >::unifiedWriteContents(), and QUESO::MetropolisHastingsSG< P_V, P_M >::writeInfo().