![]() |
Dakota
Version
Explore and Predict with Confidence
|
►Ndakota | Dakota (lowercase) namespace for new Dakota modules |
►Nsurrogates | Namespace for new Dakota surrogates module |
CGaussianProcess | The GaussianProcess constructs a Gaussian Process regressor surrogate given a matrix of data |
CGP_Objective | ROL objective function for the Gaussian Process (GP) surrogate |
CKernel | Kernel functions for the Gaussian Process surrogate |
CMatern32Kernel | Stationary kernel with C^1 smooth realizations |
CMatern52Kernel | Stationary kernel with C^2 smooth realizations |
CPolynomialRegression | Constructs a polynomial regressor using ordinary least squares |
CSquaredExponentialKernel | Stationary kernel with C^\infty smooth realizations |
CSurrogate | Parent class for surrogate models |
►Nutil | Namespace for new Dakota utilities module |
CCholeskySolver | Used to solve linear systems with a symmetric matrix with a pivoted Cholesky decomposition |
CDataScaler | Computes the scaling coefficients and scales a 2D data matrix with dimensions num_samples by num_features |
CLinearSolverBase | Serves as an API for derived solvers |
CLUSolver | Used to solve linear systems with the LU decomposition |
CNormalizationScaler | Normalizes the data using max and min feature values |
CNoScaler | Leaves the data unscaled |
CQRSolver | Solves the linear least squares problem with a QR decomposition |
CStandardizationScaler | Standardizes the data so the each feature has zero mean and unit variance |
CSVDSolver | Used to solve linear systems with the singular value decomposition |
►NDakota | The primary namespace for DAKOTA |
CActiveSet | Container class for active set tracking information. Contains the active set request vector and the derivative variables vector |
CActiveSubspaceModel | Active subspace model for input (variable space) reduction |
CAdaptedBasisModel | Adapted basis model for input (variable space) reduction |
CAdapterModel | Derived model class which wraps call-back functions for solving minimization sub-problems |
CAddAttributeVisitor | Objects of this class are called by boost::appy_visitor to add attributes to HDF5 objects |
CAnalyzer | Base class for NonD, DACE, and ParamStudy branches of the iterator hierarchy |
CApplicationInterface | Derived class within the interface class hierarchy for supporting interfaces to simulation codes |
CApproximation | Base class for the approximation class hierarchy |
CApproximationInterface | Derived class within the interface class hierarchy for supporting approximations to simulation-based results |
CAPPSEvalMgr | Evaluation manager class for APPSPACK |
CAPPSOptimizer | Wrapper class for HOPSPACK |
CAppsTraits | HOPSPACK-specific traits class |
CApreproWriter | Utility used in derived write_core to write in aprepro format |
CAttachScaleVisitor | Objects of this class are called by boost::appy_visitor to add dimension scales (RealScale or StringScale) to HDF5 datasets |
CBaseConstructor | Dummy struct for overloading letter-envelope constructors |
CBootstrapSampler | Actual boostrap sampler implementation for common data types |
CBootstrapSampler< Teuchos::SerialDenseMatrix< OrdinalType, ScalarType > > | Bootstrap sampler that is specialized to allow for the bootstrapping of RealMatrix |
CBootstrapSamplerBase | Base class/interface for the bootstrap sampler |
CBootstrapSamplerWithGS | A derived sampler to allow for user specification of the accessor methods |
CC3Approximation | Derived approximation class for global basis polynomials |
CC3FnTrainData | Handle for reference-counted pointer to C3FnTrainDataRep body |
CCOLINApplication | |
CCOLINOptimizer | Wrapper class for optimizers defined using COLIN |
CCOLINTraits | A version of TraitsBase specialized for COLIN optimizers |
CCollabHybridMetaIterator | Meta-iterator for hybrid iteration using multiple collaborating optimization and nonlinear least squares methods |
CCommandLineHandler | Utility class for managing command line inputs to DAKOTA |
CCommandShell | Utility class which defines convenience operators for spawning processes with system calls |
CConcurrentMetaIterator | Meta-iterator for multi-start iteration or pareto set optimization |
CCONMINOptimizer | Wrapper class for the CONMIN optimization library |
CCONMINTraits | A version of TraitsBase specialized for CONMIN optimizers |
CConsoleRedirector | |
CConstraints | Base class for the variable constraints class hierarchy |
CDAGSolutionData | Container class for numerical solutions for a given DAG |
CDakotaROLEqConstraints | |
CDakotaROLEqConstraintsGrad | |
CDakotaROLEqConstraintsHess | |
CDakotaROLIneqConstraints | |
CDakotaROLIneqConstraintsGrad | |
CDakotaROLIneqConstraintsHess | |
CDakotaROLObjective | |
CDakotaROLObjectiveGrad | |
CDakotaROLObjectiveHess | |
CDataEnvironment | Handle class for environment specification data |
CDataEnvironmentRep | Body class for environment specification data |
CDataFitSurrBasedLocalTraits | Class for provably-convergent local surrogate-based optimization and nonlinear least squares |
CDataFitSurrModel | Derived model class within the surrogate model branch for managing data fit surrogates (global and local) |
CDataInterface | Handle class for interface specification data |
CDataMethod | Handle class for method specification data |
CDataMethodRep | Body class for method specification data |
CDataModel | Handle class for model specification data |
CDataModelRep | Body class for model specification data |
CDataResponses | Handle class for responses specification data |
CDataResponsesRep | Body class for responses specification data |
CDataTransformModel | Data transformation specialization of RecastModel |
CDataVariables | Handle class for variables specification data |
CDataVariablesRep | Body class for variables specification data |
CDDACEDesignCompExp | Wrapper class for the DDACE design of experiments library |
CDerivInformedPropCovLogitTK | Dakota transition kernel that updates proposal covariance based on derivatives (for logit random walk case) |
CDerivInformedPropCovTK | Dakota transition kernel that updates proposal covariance based on derivatives (for random walk case) |
CDirectApplicInterface | Derived application interface class which spawns simulation codes and testers using direct procedure calls |
CDiscrepancyCorrection | Base class for discrepancy corrections |
CDLSolverTraits | A version of TraitsBase specialized for DLSolver |
CDOTTraits | Wrapper class for the DOT optimization library |
CEffGlobalMinimizer | |
CEffGlobalTraits | Implementation of Efficient Global Optimization/Least Squares algorithms |
CEmbedHybridMetaIterator | Meta-iterator for closely-coupled hybrid iteration, typically involving the embedding of local search methods within global search methods |
CEnsembleSurrModel | Derived model class within the surrogate model branch for managing a truth model alongside approximation models of varying fidelity |
CEnvironment | Base class for the environment class hierarchy |
CExecutableEnvironment | Environment corresponding to execution as a stand-alone application |
CExperimentData | Interpolation method for interpolating between experimental and model data. I need to work on inputs/outputs to this method. For now, this assumes interpolation of functional data |
CExperimentResponse | Container class for response functions and their derivatives. ExperimentResponse provides the body class |
CFileReadException | Base class for Dakota file read exceptions (to allow catching both tabular and general file truncation issues) |
CForkApplicInterface | Derived application interface class which spawns simulation codes using fork/execvp/waitpid |
CFSUDesignCompExp | Wrapper class for the FSUDace QMC/CVT library |
CFunctionEvalFailure | Exception class for function evaluation failures |
CGaussProcApproximation | Derived approximation class for Gaussian Process implementation |
CGeneralReader | Utility used in derived read_core to read in generic format |
CGeneralWriter | Utility used in derived write_core to write in generic format |
CGetLongOpt | GetLongOpt is a general command line utility from S. Manoharan (Advanced Computer Research Institute, Lyon, France) |
CGraphics | Single interface to 2D (motif) and 3D (PLPLOT) graphics; there is only one instance of this OutputManager::dakotaGraphics |
CGridApplicInterface | Derived application interface class which spawns simulation codes using grid services such as Condor or Globus |
CHDF5IOHelper | |
CHierarchSurrBasedLocalTraits | Class for multilevel-multifidelity optimization algorithm |
CIntegerScale | Data structure for storing int-valued dimension scale |
CInterface | Base class for the interface class hierarchy |
CIterator | Base class for the iterator class hierarchy |
CIteratorScheduler | This class encapsulates scheduling operations for concurrent sub-iteration within an outer level context (e.g., meta-iteration, nested models) |
►CJEGAOptimizer | A version of Dakota::Optimizer for instantiation of John Eddy's Genetic Algorithms (JEGA) |
CDriver | A subclass of the JEGA front end driver that exposes the individual protected methods to execute the algorithm |
CEvaluator | An evaluator specialization that knows how to interact with Dakota |
CEvaluatorCreator | A specialization of the JEGA::FrontEnd::EvaluatorCreator that creates a new instance of a Evaluator |
CJEGATraits | A version of TraitsBase specialized for John Eddy's Genetic Algorithms (JEGA) |
CLabelsWriter | Utility used in derived write_core to write labels in tabular format |
CLeastSq | Base class for the nonlinear least squares branch of the iterator hierarchy |
CLibraryEnvironment | Environment corresponding to execution as an embedded library |
CLightWtBaseConstructor | Dummy struct for overloading constructors used in on-the-fly Model instantiations |
CMatchesWC | Predicate that returns true when the passed path matches the wild_card with which it was configured. Currently supports * and ? |
CMatlabInterface | |
CMetaIterator | Base class for meta-iterators |
CMinimizer | Base class for the optimizer and least squares branches of the iterator hierarchy |
CMinimizerAdapterModel | Derived model class which wraps call-back functions for solving minimization sub-problems |
CMixedVarConstraints | Derived class within the Constraints hierarchy which separates continuous and discrete variables (no domain type array merging) |
CMixedVariables | Derived class within the Variables hierarchy which separates continuous and discrete variables (no domain type array merging) |
CModel | Base class for the model class hierarchy |
CMPIManager | Class MPIManager to manage Dakota's MPI world, which may be a subset of MPI_COMM_WORLD |
CMPIPackBuffer | Class for packing MPI message buffers |
CMPIUnpackBuffer | Class for unpacking MPI message buffers |
CNCSUOptimizer | Wrapper class for the NCSU DIRECT optimization library |
CNCSUTraits | A version of TraitsBase specialized for NCSU optimizers |
CNestedModel | Derived model class which performs a complete sub-iterator execution within every evaluation of the model |
CNIDRProblemDescDB | The derived input file database utilizing the new IDR parser |
CNL2Res | Auxiliary information passed to calcr and calcj via ur |
CNL2SOLLeastSq | Wrapper class for the NL2SOL nonlinear least squares library |
CNL2SOLLeastSqTraits | A version of TraitsBase specialized for NL2SOL nonlinear least squares library |
CNLPQLPTraits | Wrapper class for the NLPQLP optimization library, Version 2.0 |
CNLSSOLLeastSq | Wrapper class for the NLSSOL nonlinear least squares library |
CNLSSOLLeastSqTraits | A version of TraitsBase specialized for NLSSOL nonlinear least squares library |
CNoDBBaseConstructor | Dummy struct for overloading constructors used in on-the-fly instantiations without ProblemDescDB support |
CNomadTraits | Wrapper class for NOMAD Optimizer |
CNonD | Base class for all nondetermistic iterators (the DAKOTA/UQ branch) |
CNonDACVSampling | Perform Approximate Control Variate Monte Carlo sampling for UQ |
CNonDAdaptImpSampling | Class for the Adaptive Importance Sampling methods within DAKOTA |
CNonDAdaptiveSampling | Class for testing various Adaptively sampling methods using geometric, statisctical, and topological information of the surrogate |
CNonDBayesCalibration | Base class for Bayesian inference: generates posterior distribution on model parameters given experimental data |
CNonDC3FunctionTrain | Nonintrusive uncertainty quantification with the C3 library .. |
CNonDCalibration | |
CNonDCubature | Derived nondeterministic class that generates N-dimensional numerical cubature points for evaluation of expectation integrals |
CNonDDREAMBayesCalibration | Bayesian inference using the DREAM approach |
CNonDEnsembleSampling | Base class for Monte Carlo sampling across Model ensembles |
CNonDExpansion | Base class for polynomial chaos expansions (PCE), stochastic collocation (SC) and functional tensor train (FT) |
CNonDGenACVSampling | Perform Generalized Approximate Control Variate Monte Carlo sampling |
CNonDGlobalEvidence | Class for the Dempster-Shafer Evidence Theory methods within DAKOTA/UQ |
CNonDGlobalInterval | Class for using global nongradient-based optimization approaches to calculate interval bounds for epistemic uncertainty quantification |
CNonDGlobalReliability | Class for global reliability methods within DAKOTA/UQ |
CNonDGlobalSingleInterval | Class for using global nongradient-based optimization approaches to calculate interval bounds for epistemic uncertainty quantification |
CNonDGPImpSampling | Class for the Gaussian Process-based Importance Sampling method |
CNonDGPMSABayesCalibration | Generates posterior distribution on model parameters given experiment data |
CNonDHierarchSampling | Performs Hierarch Monte Carlo sampling for uncertainty quantification |
CNonDIntegration | Derived nondeterministic class that generates N-dimensional numerical integration points for evaluation of expectation integrals |
CNonDInterval | Base class for interval-based methods within DAKOTA/UQ |
CNonDLHSEvidence | Class for the Dempster-Shafer Evidence Theory methods within DAKOTA/UQ |
CNonDLHSInterval | Class for the LHS-based interval methods within DAKOTA/UQ |
CNonDLHSSampling | Performs LHS and Monte Carlo sampling for uncertainty quantification |
CNonDLHSSingleInterval | Class for pure interval propagation using LHS |
CNonDLocalEvidence | Class for the Dempster-Shafer Evidence Theory methods within DAKOTA/UQ |
CNonDLocalInterval | Class for using local gradient-based optimization approaches to calculate interval bounds for epistemic uncertainty quantification |
CNonDLocalReliability | Class for the reliability methods within DAKOTA/UQ |
CNonDLocalSingleInterval | Class for using local gradient-based optimization approaches to calculate interval bounds for epistemic uncertainty quantification |
CNonDMultifidelitySampling | Perform Approximate Control Variate Monte Carlo sampling for UQ |
CNonDMultilevControlVarSampling | Performs multilevel-multifidelity Monte Carlo sampling for uncertainty quantification |
CNonDMultilevelFunctionTrain | Nonintrusive polynomial chaos expansion approaches to uncertainty quantification |
CNonDMultilevelPolynomialChaos | Nonintrusive polynomial chaos expansion approaches to uncertainty quantification |
CNonDMultilevelSampling | Performs Multilevel Monte Carlo sampling for uncertainty quantification |
CNonDMultilevelStochCollocation | Nonintrusive stochastic collocation approaches to uncertainty quantification |
CNonDMUQBayesCalibration | Dakota interface to MUQ (MIT Uncertainty Quantification) library |
CNonDNonHierarchSampling | Base class for non-hierarchical ensemble-based Monte Carlo sampling |
CNonDPOFDarts | Base class for POF Dart methods within DAKOTA/UQ |
CNonDPolynomialChaos | Nonintrusive polynomial chaos expansion approaches to uncertainty quantification |
CNonDQuadrature | Derived nondeterministic class that generates N-dimensional numerical quadrature points for evaluation of expectation integrals over uncorrelated standard normals/uniforms/exponentials/betas/gammas |
CNonDQUESOBayesCalibration | Bayesian inference using the QUESO library from UT Austin |
CNonDReliability | Base class for the reliability methods within DAKOTA/UQ |
CNonDRKDDarts | Base class for the Recursive k-d Dart methods within DAKOTA/UQ |
CNonDSampling | Base class for common code between NonDLHSSampling, NonDAdaptImpSampling, and other specializations |
CNonDSparseGrid | Derived nondeterministic class that generates N-dimensional Smolyak sparse grids for numerical evaluation of expectation integrals over independent standard random variables |
CNonDStochCollocation | Nonintrusive stochastic collocation approaches to uncertainty quantification |
CNonDSurrogateExpansion | Generic uncertainty quantification with Model-based stochastic expansions |
CNonDWASABIBayesCalibration | WASABI - Weighted Adaptive Surrogate Approximations for Bayesian Inference |
CNonlinearCGOptimizer | |
CNonlinearCGTraits | A version of TraitsBase specialized for NonlinearCG optimizers |
CNOWPACBlackBoxEvaluator | Derived class for plugging Dakota evaluations into NOWPAC solver |
CNOWPACOptimizer | Wrapper class for the (S)NOWPAC optimization algorithms from Florian Augustin (MIT) |
CNOWPACTraits | A version of TraitsBase specialized for NOWPAC optimizers |
CNPSOLTraits | Wrapper class for the NPSOL optimization library |
COptDartsOptimizer | Wrapper class for OptDarts Optimizer |
COptDartsTraits | A version of TraitsBase specialized for OptDarts |
COptimizer | Base class for the optimizer branch of the iterator hierarchy |
COutputManager | Class to manage redirection of stdout/stderr, keep track of current redir state, and manage rank 0 output. Also manage tabular data output for post-processing with Matlab, Tecplot, etc. and delegate to Graphics for X Windows Graphics |
COutputWriter | |
CParallelConfiguration | Container class for a set of ParallelLevel list iterators that collectively identify a particular multilevel parallel configuration |
CParallelLevel | Container class for the data associated with a single level of communicator partitioning |
CParallelLibrary | Class for partitioning multiple levels of parallelism and managing message passing within these levels |
CParamResponsePair | Container class for a variables object, a response object, and an evaluation id |
CParamStudy | Class for vector, list, centered, and multidimensional parameter studies |
Cpartial_prp_equality | Predicate for comparing ONLY the interfaceId and Vars attributes of PRPair |
Cpartial_prp_hash | Wrapper to delegate to the ParamResponsePair hash_value function |
CPebbldBranching | Main Branching class for the PEBBL-based Minimizer |
CPebbldBranchSub | Sub Branch class for the PEBBL-based Minimizer |
CPebbldTraits | Wrapper class for experimental PebbldMinimizer |
CPecosApproximation | Derived approximation class for global basis polynomials |
CPrefixingLineFilter | |
CProbabilityTransformModel | Probability transformation specialization of RecastModel |
CProblemDescDB | The database containing information parsed from the DAKOTA input file |
CProcessApplicInterface | Derived application interface class that spawns a simulation code using a separate process and communicates with it through files |
CProcessHandleApplicInterface | Derived application interface class that spawns a simulation code using a separate process, receives a process identifier, and communicates with the spawned process through files |
CProgramOptions | ProgramOptions stores options whether from the CLH or from library user; initially valid only on worldRank = 0, but then broadcast in ParallelLibrary::push_output_tag() |
CPStudyDACE | Base class for managing common aspects of parameter studies and design of experiments methods |
CPSUADEDesignCompExp | Wrapper class for the PSUADE library |
CPybind11Interface | |
CPythonInterface | |
CQMEApproximation | Derived approximation class for QMEA Quadratic Multipoint Exponential Approximation (a multipoint approximation) |
CQuesoJointPdf | Dakota specialization of QUESO generic joint PDF |
CQuesoVectorRV | Dakota specialization of QUESO vector-valued random variable |
CRandomFieldModel | Random field model, capable of generating and then forward propagating |
CRealScale | Data structure for storing real-valued dimension scale |
CRecastModel | Derived model class which provides a thin wrapper around a sub-model in order to recast the form of its inputs and/or outputs |
CReducedBasis | |
CRelaxedVarConstraints | Derived class within the Constraints hierarchy which employs relaxation of discrete variables |
CRelaxedVariables | Derived class within the Variables hierarchy which employs the relaxation of discrete variables |
CResponse | Container class for response functions and their derivatives. Response provides the enveloper base class |
CRestartWriter | |
CResultAttribute | Data structure for a single Real, String, or int valued attribute |
CResultsDBAny | |
CResultsDBBase | |
CResultsDBHDF5 | Manage interactions between ResultsManager and the low-level HDFIOHelper class |
CResultsEntry | Class to manage in-core vs. file database lookups |
CResultsFileError | Exception throw for other results file read error |
CResultsManager | Results manager for iterator final data |
CResultsNames | List of valid names for iterator results |
CRichExtrapVerification | Class for Richardson extrapolation for code and solution verification |
CROLOptimizer | |
CROLTraits | |
CScalingModel | Scaling specialization of RecastModel |
CScalingOptions | Simple container for user-provided scaling data, possibly expanded by replicates through the models |
CScilabInterface | |
CSensAnalysisGlobal | Class for a utility class containing correlation calculations and variance-based decomposition |
CSeqHybridMetaIterator | Method for sequential hybrid iteration using multiple optimization and nonlinear least squares methods on multiple models of varying fidelity |
CSharedApproxData | Base class for the shared approximation data class hierarchy |
CSharedC3ApproxData | Derived approximation class for global basis polynomials |
CSharedPecosApproxData | Derived approximation class for global basis polynomials |
CSharedResponseData | Container class encapsulating variables data that can be shared among a set of Response instances |
CSharedResponseDataRep | The representation of a SharedResponseData instance. This representation, or body, may be shared by multiple SharedResponseData handle instances |
CSharedSurfpackApproxData | Derived approximation class for Surfpack approximation classes. Interface between Surfpack and Dakota |
CSharedVariablesData | Container class encapsulating variables data that can be shared among a set of Variables instances |
CSharedVariablesDataRep | The representation of a SharedVariablesData instance. This representation, or body, may be shared by multiple SharedVariablesData handle instances |
CSimulationModel | Derived model class which utilizes a simulation-based application interface to map variables into responses |
CSimulationResponse | Container class for response functions and their derivatives. SimulationResponse provides the body class |
CSNLLBase | Base class for OPT++ optimization and least squares methods |
CSNLLLeastSq | Wrapper class for the OPT++ optimization library |
CSNLLLeastSqTraits | A version of TraitsBase specialized for SNLLLeastSq |
CSNLLOptimizer | Wrapper class for the OPT++ optimization library |
CSNLLTraits | A version of TraitsBase specialized for SNLL optimizers |
CSOLBase | Base class for Stanford SOL software |
CSpawnApplicInterface | Derived application interface class which spawns simulation codes using spawnvp |
CStringScale | Data structure for storing string-valued dimension scale |
CSubspaceModel | Subspace model for input (variable space) reduction |
CSurfpackApproximation | Derived approximation class for Surfpack approximation classes. Interface between Surfpack and Dakota |
CSurrBasedGlobalMinimizer | |
CSurrBasedGlobalTraits | The global surrogate-based minimizer which sequentially minimizes and updates a global surrogate model without trust region controls |
CSurrBasedLocalMinimizer | Class for provably-convergent local surrogate-based optimization and nonlinear least squares |
CSurrBasedMinimizer | Base class for local/global surrogate-based optimization/least squares |
CSurrogateModel | Base class for surrogate models (DataFitSurrModel and HierarchSurrModel) |
CSurrogatesBaseApprox | Derived Approximation class for new Surrogates modules |
CSurrogatesGPApprox | Derived approximation class for Surrogates approximation classes |
CSurrogatesPolyApprox | Derived approximation class for Surrogates Polynomial approximation classes |
CSysCallApplicInterface | Derived application interface class which spawns simulation codes using system calls |
CTabularDataTruncated | Exception thrown when data read truncated |
CTabularReader | Utility used in derived read_core to read values in tabular format |
CTabularWriter | Utility used in derived write_core to write values in tabular format |
CTANA3Approximation | Derived approximation class for TANA-3 two-point exponential approximation (a multipoint approximation) |
CTaylorApproximation | Derived approximation class for first- or second-order Taylor series (a local approximation) |
CTestDriverInterface | |
CTKFactoryDIPC | Custom RW TKfactory: passes Dakota QUESO instance pointer to the TK at build |
CTKFactoryDIPCLogit | Custom Logit RW TKfactory: passed Dakota QUESO instance pointer to the TK at build |
CTPLDataTransfer | |
►CTrackerHTTP | TrackerHTTP: a usage tracking module that uses HTTP/HTTPS via the curl library |
CServer | Struct to hold tracker/proxy pairs |
CTraitsBase | Base class for traits |
CUsageTracker | Lightweight class to manage conditionally active Curl-based HTTP tracker via PIMPL |
CVar_icheck | Structure for verifying bounds and initial point for string-valued vars |
CVar_rcheck | Structure for verifying bounds and initial point for real-valued vars |
CVariables | Base class for the variables class hierarchy |
CVerification | Base class for managing common aspects of verification studies |
CVLint | Structure for validating integer uncertain variable labels, bounds, values |
CVLreal | Structure for validating real uncertain variable labels, bounds, values |
CVLstr | Structure for validating string uncertain variable labels, bounds, values |
CVPSApproximation | Derived approximation class for VPS implementation |
CWeightingModel | Weighting specialization of RecastModel |
CWorkdirHelper | |
►NSIM | A sample namespace for derived classes that use assign_rep() to plug facilities into DAKOTA |
CParallelDirectApplicInterface | Sample derived interface class for testing parallel simulator plug-ins using assign_rep() |
CSerialDirectApplicInterface | Sample derived interface class for testing serial simulator plug-ins using assign_rep() |
►NStanfordPSAAP | A sample namespace for derived classes that use assign_rep() to plug facilities into DAKOTA |
CSoleilDirectApplicInterface | Sample derived interface class for testing serial simulator plug-ins using assign_rep() |
Ccallback_data | |
CPyPolyReg | Extend PolynomialRegression with a new type for Python |