本文整理汇总了C++中InArgs::get_x方法的典型用法代码示例。如果您正苦于以下问题:C++ InArgs::get_x方法的具体用法?C++ InArgs::get_x怎么用?C++ InArgs::get_x使用的例子?那么, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类InArgs
的用法示例。
在下文中一共展示了InArgs::get_x方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的C++代码示例。
示例1: evalModel
// Evaluate model on InArgs
void trilinosModelEvaluator::evalModel(const InArgs& inArgs, const OutArgs& outArgs) const{
//double nrm;
// Get the solution vector x from inArgs and residual vector from outArgs
RCP<const Epetra_Vector> x = inArgs.get_x();
RCP<Epetra_Vector> f = outArgs.get_f();
if (x == Teuchos::null) throw "trilinosModelEvaluator::evalModel: x was NOT specified!";
// Save the current solution, which makes it initial guess for next nonlienar solve
*xVec = *x;
if (f != Teuchos::null) {
f->PutScalar(0.0);
calc_F(x->Values(), f->Values(), N, blackbox_res);
//f->Norm2(&nrm);
//cout << "AGS Resid norm in eval_model total " << nrm << endl;
}
RCP<Epetra_Operator> WPrec = outArgs.get_WPrec();
if (WPrec != Teuchos::null) {
//cout << "evalModel called for WPrec -- doing nothing " << endl;
}
}
示例2: modelOutArgs
void Piro::Epetra::MatrixFreeDecorator::evalModel( const InArgs& inArgs,
const OutArgs& outArgs ) const
{
using Teuchos::RCP;
using Teuchos::rcp;
RCP<Epetra_Operator> W_out = outArgs.get_W();
if (W_out == Teuchos::null) {
// Just pass through as is: nothing to Decorate
model->evalModel(inArgs, outArgs);
}
else {
RCP<Piro::Epetra::MatrixFreeOperator> W_mfo =
Teuchos::rcp_dynamic_cast<Piro::Epetra::MatrixFreeOperator>(W_out);
TEUCHOS_TEST_FOR_EXCEPTION(W_mfo==Teuchos::null, std::logic_error,
"Epetra_Operator sent as W to Piro::Epetra::MatrixFreeDecorator\n"
"be of type Piro::Epetra::MatrixFreeOperator");
// Do base case for MatrixFree: set f instead of W
OutArgs modelOutArgs(outArgs);
InArgs modelInArgs(inArgs);
// Store f_out in case it was also requested
RCP<Epetra_Vector> f_out = outArgs.get_f();
modelOutArgs.set_f(fBase);
modelOutArgs.set_W(Teuchos::null);
//Evaluate the underlying model
model->evalModel(modelInArgs, modelOutArgs);
// If f_out was requested, return it.
if (f_out != Teuchos::null) *f_out = *fBase;
// Save unperturbed solution (deep copy inArgs, shallow f)
InArgs clonedInArgs = inArgs;
for (int l = 0; l < inArgs.Np(); ++l) {
const RCP<const Epetra_Vector> p_l = inArgs.get_p(l);
if (nonnull(p_l))
clonedInArgs.set_p(l, Teuchos::rcp(new Epetra_Vector(*p_l)));
}
clonedInArgs.set_x(Teuchos::rcp(new Epetra_Vector(*inArgs.get_x())));
bool haveXdot = false;
if (inArgs.supports(IN_ARG_x_dot)) {
RCP<const Epetra_Vector> xdot = inArgs.get_x_dot();
if (nonnull(xdot)) {
clonedInArgs.set_x_dot(Teuchos::rcp(new Epetra_Vector(*inArgs.get_x_dot())));
haveXdot = true;
}
}
W_mfo->setBase(clonedInArgs, fBase, haveXdot);
}
}
示例3: buildAssemblyPieces
TEUCHOS_UNIT_TEST(thyra_model_evaluator, basic)
{
using Teuchos::RCP;
bool parameter_on = true;
Teuchos::RCP<panzer::FieldManagerBuilder> fmb;
Teuchos::RCP<panzer::ResponseLibrary<panzer::Traits> > rLibrary;
Teuchos::RCP<panzer::LinearObjFactory<panzer::Traits> > lof;
Teuchos::RCP<panzer::GlobalData> gd;
buildAssemblyPieces(parameter_on,fmb,rLibrary,gd,lof);
// Test a transient me
{
typedef Thyra::ModelEvaluatorBase MEB;
typedef Thyra::ModelEvaluatorBase::InArgs<double> InArgs;
typedef Thyra::ModelEvaluatorBase::OutArgs<double> OutArgs;
typedef Thyra::VectorBase<double> VectorType;
typedef Thyra::LinearOpBase<double> OperatorType;
typedef panzer::ModelEvaluator<double> PME;
std::vector<Teuchos::RCP<Teuchos::Array<std::string> > > p_names;
bool build_transient_support = true;
RCP<PME> me = Teuchos::rcp(new PME(fmb,rLibrary,lof,p_names,Teuchos::null,gd,build_transient_support,0.0));
InArgs in_args = me->createInArgs();
OutArgs out_args = me->createOutArgs();
TEST_ASSERT(in_args.supports(MEB::IN_ARG_x));
TEST_ASSERT(in_args.supports(MEB::IN_ARG_x_dot));
TEST_ASSERT(in_args.supports(MEB::IN_ARG_alpha));
TEST_ASSERT(in_args.supports(MEB::IN_ARG_beta));
TEST_ASSERT(out_args.supports(MEB::OUT_ARG_f));
TEST_ASSERT(out_args.supports(MEB::OUT_ARG_W_op));
InArgs nomValues = me->getNominalValues();
RCP<const VectorType> x = nomValues.get_x();
RCP<VectorType> x_dot = Thyra::createMember(*me->get_x_space());
Thyra::assign(x_dot.ptr(),0.0);
in_args.set_x(x);
in_args.set_x_dot(x_dot);
in_args.set_alpha(0.0);
in_args.set_beta(1.0);
RCP<VectorType> f = Thyra::createMember(*me->get_f_space());
RCP<OperatorType> J_tmp = me->create_W_op();
out_args.set_f(f);
out_args.set_W_op(J_tmp);
me->evalModel(in_args, out_args);
}
}
示例4:
void ExampleApplication1Dfem::evalModel( const InArgs& inArgs, const OutArgs& outArgs ) const
{
Teuchos::RCP<const Epetra_Vector> x = inArgs.get_x();
Teuchos::RCP<const Epetra_Vector> xdot = inArgs.get_x_dot();
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "ExampleApplication1Dfem::evalModel ---------------------------{" << std::endl;
std::cout << "x = " << std::endl;
x->Print(std::cout);
std::cout << "xdot = " << std::endl;
xdot->Print(std::cout);
#endif // EXAMPLEAPPLICATION_DEBUG
Teuchos::RCP<Epetra_Vector> f;
if( (f = outArgs.get_f()).get() )
{
NOX::Epetra::Interface::Required::FillType flag = NOX::Epetra::Interface::Required::Residual;
problemInterfacePtr_->evaluate(flag,&*x,&*xdot,0.0,0.0,&*f,NULL);
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "f = " << std::endl;
f->Print(std::cout);
#endif // EXAMPLEAPPLICATION_DEBUG
}
Teuchos::RCP<Epetra_Operator> W;
if( (W = outArgs.get_W()).get() )
{
const double alpha = inArgs.get_alpha();
const double beta = inArgs.get_beta();
NOX::Epetra::Interface::Required::FillType flag = NOX::Epetra::Interface::Required::Jac;
// Epetra_CrsMatrix& jacobian = problemInterfacePtr_->getJacobian();
Epetra_CrsMatrix& jac = Teuchos::dyn_cast<Epetra_CrsMatrix>(*W);
problemInterfacePtr_->evaluate(flag,&*x,&*xdot,alpha,beta,NULL,&jac);
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "jac = " << std::endl;
jac.Print(std::cout);
#endif // EXAMPLEAPPLICATION_DEBUG
}
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "ExampleApplication1Dfem::evalModel ---------------------------}" << std::endl;
#endif // EXAMPLEAPPLICATION_DEBUG
}
示例5: evalModel
void LorenzModel::evalModel( const InArgs& inArgs, const OutArgs& outArgs ) const
{
const Epetra_Vector &yin = *(inArgs.get_x());
const double t = inArgs.get_t(); // ignored
#ifdef LORENZMODEL_DEBUG
std::cout << "----------------------------------------------------------------------" << std::endl;
std::cout << "LorenzModel::evalModel yin = " << std::endl;
yin.Print(std::cout);
#endif
Epetra_Vector &yout = *outArgs.get_f();
yout[0] = -param0 * yin[0] + param0 * yin[1];
yout[1] = param1 * yin[0] - yin[1] - yin[0]*yin[2];
yout[2] = -param2*yin[2] + yin[0]*yin[1];
#ifdef LORENZMODEL_DEBUG
std::cout << "LorenzModel::evalModel (explicit) f = " << std::endl;
yout.Print(std::cout);
#endif
#ifdef LORENZMODEL_DEBUG
std::cout << "----------------------------------------------------------------------" << std::endl;
#endif
}
示例6: double
void
twoD_diffusion_ME::
evalModel(const InArgs& inArgs, const OutArgs& outArgs) const
{
//
// Determinisic calculation
//
// Solution vector
Teuchos::RCP<const Epetra_Vector> det_x = inArgs.get_x();
// Parameters
Teuchos::RCP<const Epetra_Vector> p = inArgs.get_p(0);
if (p == Teuchos::null)
p = p_init;
Teuchos::RCP<Epetra_Vector> f = outArgs.get_f();
Teuchos::RCP<Epetra_Operator> W = outArgs.get_W();
Teuchos::RCP<Epetra_Operator> WPrec = outArgs.get_WPrec();
if (f != Teuchos::null || W != Teuchos::null || WPrec != Teuchos::null) {
if (basis != Teuchos::null) {
for (int i=0; i<point.size(); i++)
point[i] = (*p)[i];
basis->evaluateBases(point, basis_vals);
A->PutScalar(0.0);
for (int k=0;k<A_k.size();k++)
EpetraExt::MatrixMatrix::Add((*A_k[k]), false, basis_vals[k], *A, 1.0);
}
else {
*A = *(A_k[0]);
for (int k=1;k<A_k.size();k++)
EpetraExt::MatrixMatrix::Add((*A_k[k]), false, (*p)[k-1], *A, 1.0);
}
A->FillComplete();
A->OptimizeStorage();
}
// Residual
if (f != Teuchos::null) {
Teuchos::RCP<Epetra_Vector> kx = Teuchos::rcp(new Epetra_Vector(*x_map));
A->Apply(*det_x,*kx);
f->Update(1.0,*kx,-1.0, *b, 0.0);
}
// Jacobian
if (W != Teuchos::null) {
Teuchos::RCP<Epetra_CrsMatrix> jac =
Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W, true);
*jac = *A;
jac->FillComplete();
jac->OptimizeStorage();
}
// Preconditioner
if (WPrec != Teuchos::null)
precFactory->recompute(A, WPrec);
// Responses (mean value)
Teuchos::RCP<Epetra_Vector> g = outArgs.get_g(0);
if (g != Teuchos::null) {
(det_x->MeanValue(&(*g)[0]));
(*g)[0] *= double(det_x->GlobalLength()) / double(mesh.size());
}
//
// Stochastic Galerkin calculation
//
// Stochastic solution vector
InArgs::sg_const_vector_t x_sg = inArgs.get_x_sg();
// Stochastic parameters
InArgs::sg_const_vector_t p_sg = inArgs.get_p_sg(0);
// Stochastic residual
OutArgs::sg_vector_t f_sg = outArgs.get_f_sg();
if (f_sg != Teuchos::null) {
// Get stochastic expansion data
Teuchos::RCP<Stokhos::OrthogPolyExpansion<int,double> > expn =
inArgs.get_sg_expansion();
typedef Stokhos::Sparse3Tensor<int,double> Cijk_type;
Teuchos::RCP<const Cijk_type> Cijk = expn->getTripleProduct();
const Teuchos::Array<double>& norms = basis->norm_squared();
if (sg_kx_vec_all.size() != basis->size()) {
sg_kx_vec_all.resize(basis->size());
for (int i=0;i<basis->size();i++) {
sg_kx_vec_all[i] = Teuchos::rcp(new Epetra_Vector(*x_map));
}
}
f_sg->init(0.0);
Cijk_type::k_iterator k_begin = Cijk->k_begin();
Cijk_type::k_iterator k_end = Cijk->k_end();
for (Cijk_type::k_iterator k_it=k_begin; k_it!=k_end; ++k_it) {
int k = Stokhos::index(k_it);
for (Cijk_type::kj_iterator j_it = Cijk->j_begin(k_it);
j_it != Cijk->j_end(k_it); ++j_it) {
//.........这里部分代码省略.........
示例7: evalModel
void ExampleApplication::evalModel( const InArgs& inArgs, const OutArgs& outArgs ) const
{
const Epetra_Vector &x = *(inArgs.get_x());
const double t = inArgs.get_t();
const Epetra_Vector &lambda = *lambda_ptr_;
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "----------------------------------------------------------------------" << std::endl;
std::cout << "ExampleApplication::evalModel x = " << std::endl;
x.Print(std::cout);
std::cout << "ExampleApplication::evalModel lambda = " << std::endl;
lambda.Print(std::cout);
#endif
int localNumElements = x.MyLength();
if(implicit_)
{
const Epetra_Vector &x_dot = *inArgs.get_x_dot();
if(outArgs.get_f().get())
{
Epetra_Vector &f = *outArgs.get_f();
for (int i=0 ; i<localNumElements ; ++i)
{
f[i] = x_dot[i] - lambda[i]*x[i] - evalR(t,lambda[i],coeff_s_);
}
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "ExampleApplication::evalModel (implicit) x_dot = " << std::endl;
x_dot.Print(std::cout);
std::cout << "ExampleApplication::evalModel (implicit) f = " << std::endl;
f.Print(std::cout);
#endif
}
Teuchos::RCP<Epetra_Operator> W;
if( (W = outArgs.get_W()).get() ) {
const double alpha = inArgs.get_alpha();
const double beta = inArgs.get_beta();
Epetra_CrsMatrix &crsW = Teuchos::dyn_cast<Epetra_CrsMatrix>(*W);
double values[1];
int indices[1];
const int IB = epetra_map_ptr_->IndexBase();
for( int i = 0; i < localNumElements; ++i )
{
values[0] = alpha - beta*lambda[i];
indices[0] = i + IB; // global column
crsW.ReplaceGlobalValues(i + IB // GlobalRow
,1 // NumEntries
,values // Values
,indices // Indices
);
}
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "ExampleApplication::evalModel (implicit) alpha, beta = " << std::endl;
std::cout << "alpha = " << alpha << std::endl;
std::cout << "beta = " << beta << std::endl;
std::cout << "ExampleApplication::evalModel (implicit) W = " << std::endl;
crsW.Print(std::cout);
#endif
}
}
else
{
Epetra_Vector &f = *outArgs.get_f();
for (int i=0 ; i<localNumElements ; ++i)
{
f[i] = lambda[i]*x[i]+evalR(t,lambda[i],coeff_s_);
}
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "ExampleApplication::evalModel (explicit) f = " << std::endl;
f.Print(std::cout);
#endif
}
#ifdef EXAMPLEAPPLICATION_DEBUG
std::cout << "----------------------------------------------------------------------" << std::endl;
#endif
}
示例8: evalModel
void MockModelEval_A::evalModel( const InArgs& inArgs,
const OutArgs& outArgs ) const
{
// Parse InArgs
RCP<const Epetra_Vector> p_in = inArgs.get_p(0);
if (!p_in.get()) cout << "ERROR: MockModelEval_A requires p as inargs" << endl;
//int numParameters = p_in->GlobalLength();
RCP<const Epetra_Vector> x_in = inArgs.get_x();
if (!x_in.get()) cout << "ERROR: MockModelEval_A requires x as inargs" << endl;
int vecLength = x_in->GlobalLength();
int myVecLength = x_in->MyLength();
// Parse OutArgs
RCP<Epetra_Vector> f_out = outArgs.get_f();
RCP<Epetra_Vector> g_out = outArgs.get_g(0);
Teuchos::RCP<Epetra_Operator> W_out = outArgs.get_W();
Teuchos::RCP<Epetra_MultiVector> dfdp_out;
if (outArgs.Np() > 0)
dfdp_out = outArgs.get_DfDp(0).getMultiVector();
RCP<Epetra_MultiVector> dgdp_out;
dgdp_out = outArgs.get_DgDp(0,0).getMultiVector();
RCP<Epetra_MultiVector> dgdx_out;
dgdx_out = outArgs.get_DgDx(0).getMultiVector();
if (f_out != Teuchos::null) {
for (int i=0; i<myVecLength; i++) {
int gid = x_in->Map().GID(i);
if (gid==0) // x_0^2 = p_0
(*f_out)[i] = (*x_in)[i] * (*x_in)[i] - (*p_in)[i];
else // x^2 = (i+p_1)^2
(*f_out)[i] = (*x_in)[i] * (*x_in)[i] - (gid + (*p_in)[1])*(gid + (*p_in)[1]);
}
}
if (W_out != Teuchos::null) {
Teuchos::RCP<Epetra_CrsMatrix> W_out_crs =
Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W_out, true);
W_out_crs->PutScalar(0.0);
double diag=0.0;
for (int i=0; i<myVecLength; i++) {
diag = 2.0 * (*x_in)[i];
W_out_crs->ReplaceMyValues(i, 1, &diag, &i);
}
}
if (dfdp_out != Teuchos::null) {
dfdp_out->PutScalar(0.0);
for (int i=0; i<myVecLength; i++) {
int gid = x_in->Map().GID(i);
if (gid==0) (*dfdp_out)[0][i] = -1.0;
else (*dfdp_out)[1][i] = -2.0* (gid + (*p_in)[1]);
}
}
// ObjFn = 0.5*(Sum(x)-Sum(p)-12)^2 + 0.5*(p0-1)^2: min at 1,3
double term1, term2;
x_in->MeanValue(&term1);
term1 = vecLength * term1 - ((*p_in)[0] + (*p_in)[1]) - 12.0;
term2 = (*p_in)[0] - 1.0;
if (!is_null(g_out)) {
(*g_out)[0] = 0.5*term1*term1 + 0.5*term2*term2;
}
if (dgdx_out != Teuchos::null) {
dgdx_out->PutScalar(term1);
}
if (dgdp_out != Teuchos::null) {
dgdp_out->PutScalar(0.0);
(*dgdp_out)[0][0] = -term1 + term2;
(*dgdp_out)[0][1] = -term1;
}
// Modify for time dependent (implicit timeintegration or eigensolves
// Check if time dependent
RCP<const Epetra_Vector> x_dot = inArgs.get_x_dot();
if (x_dot.get()) {
double alpha = inArgs.get_alpha();
double beta = inArgs.get_beta();
if (alpha==0.0 && beta==0.0) {
cout << "MockModelEval Warning: alpha=beta=0 -- setting beta=1" << endl;
beta = 1.0;
}
if (f_out != Teuchos::null) {
for (int i=0; i<myVecLength; i++) {
(*f_out)[i] = -alpha*(*x_dot)[i] + beta * (*f_out)[i];
}
}
if (dfdp_out != Teuchos::null) {
dfdp_out->Scale(beta);
}
if (W_out != Teuchos::null) {
Teuchos::RCP<Epetra_CrsMatrix> W_out_crs =
Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W_out, true);
//.........这里部分代码省略.........
示例9: Timer
void
Albany::ModelEvaluator::evalModel(const InArgs& inArgs,
const OutArgs& outArgs) const
{
Teuchos::TimeMonitor Timer(*timer); //start timer
//
// Get the input arguments
//
Teuchos::RCP<const Epetra_Vector> x = inArgs.get_x();
Teuchos::RCP<const Epetra_Vector> x_dot;
Teuchos::RCP<const Epetra_Vector> x_dotdot;
double alpha = 0.0;
double omega = 0.0;
double beta = 1.0;
double curr_time = 0.0;
x_dot = inArgs.get_x_dot();
x_dotdot = inArgs.get_x_dotdot();
if (x_dot != Teuchos::null || x_dotdot != Teuchos::null) {
alpha = inArgs.get_alpha();
omega = inArgs.get_omega();
beta = inArgs.get_beta();
curr_time = inArgs.get_t();
}
for (int i=0; i<num_param_vecs; i++) {
Teuchos::RCP<const Epetra_Vector> p = inArgs.get_p(i);
if (p != Teuchos::null) {
for (unsigned int j=0; j<sacado_param_vec[i].size(); j++)
sacado_param_vec[i][j].baseValue = (*p)[j];
}
}
for (int i=0; i<num_dist_param_vecs; i++) {
Teuchos::RCP<const Epetra_Vector> p = inArgs.get_p(i+num_param_vecs);
if (p != Teuchos::null) {
*(distParamLib->get(dist_param_names[i])->vector()) = *p;
}
}
//
// Get the output arguments
//
EpetraExt::ModelEvaluator::Evaluation<Epetra_Vector> f_out = outArgs.get_f();
Teuchos::RCP<Epetra_Operator> W_out = outArgs.get_W();
// Cast W to a CrsMatrix, throw an exception if this fails
Teuchos::RCP<Epetra_CrsMatrix> W_out_crs;
if (W_out != Teuchos::null)
W_out_crs = Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W_out, true);
int test_var = 0;
if(test_var != 0){
std::cout << "The current solution length is: " << x->MyLength() << std::endl;
x->Print(std::cout);
}
// Get preconditioner operator, if requested
Teuchos::RCP<Epetra_Operator> WPrec_out;
if (outArgs.supports(OUT_ARG_WPrec)) WPrec_out = outArgs.get_WPrec();
//
// Compute the functions
//
bool f_already_computed = false;
// W matrix
if (W_out != Teuchos::null) {
app->computeGlobalJacobian(alpha, beta, omega, curr_time, x_dot.get(), x_dotdot.get(),*x,
sacado_param_vec, f_out.get(), *W_out_crs);
f_already_computed=true;
if(test_var != 0){
//std::cout << "The current rhs length is: " << f_out->MyLength() << std::endl;
//f_out->Print(std::cout);
std::cout << "The current Jacobian length is: " << W_out_crs->NumGlobalRows() << std::endl;
W_out_crs->Print(std::cout);
}
}
if (WPrec_out != Teuchos::null) {
app->computeGlobalJacobian(alpha, beta, omega, curr_time, x_dot.get(), x_dotdot.get(), *x,
sacado_param_vec, f_out.get(), *Extra_W_crs);
f_already_computed=true;
if(test_var != 0){
//std::cout << "The current rhs length is: " << f_out->MyLength() << std::endl;
//f_out->Print(std::cout);
std::cout << "The current preconditioner length is: " << Extra_W_crs->NumGlobalRows() << std::endl;
Extra_W_crs->Print(std::cout);
}
app->computeGlobalPreconditioner(Extra_W_crs, WPrec_out);
}
// scalar df/dp
for (int i=0; i<num_param_vecs; i++) {
Teuchos::RCP<Epetra_MultiVector> dfdp_out =
outArgs.get_DfDp(i).getMultiVector();
if (dfdp_out != Teuchos::null) {
Teuchos::Array<int> p_indexes =
outArgs.get_DfDp(i).getDerivativeMultiVector().getParamIndexes();
Teuchos::RCP<ParamVec> p_vec;
//.........这里部分代码省略.........
示例10: Timer
void
Albany::ModelEvaluator::evalModel(const InArgs& inArgs,
const OutArgs& outArgs) const
{
Teuchos::TimeMonitor Timer(*timer); //start timer
//
// Get the input arguments
//
Teuchos::RCP<const Epetra_Vector> x = inArgs.get_x();
Teuchos::RCP<const Epetra_Vector> x_dot;
Teuchos::RCP<const Epetra_Vector> x_dotdot;
//create comm and node objects for Epetra -> Tpetra conversions
Teuchos::RCP<const Teuchos::Comm<int> > commT = app->getComm();
Teuchos::RCP<Epetra_Comm> comm = Albany::createEpetraCommFromTeuchosComm(commT);
//Create Tpetra copy of x, call it xT
Teuchos::RCP<const Tpetra_Vector> xT;
if (x != Teuchos::null)
xT = Petra::EpetraVector_To_TpetraVectorConst(*x, commT);
double alpha = 0.0;
double omega = 0.0;
double beta = 1.0;
double curr_time = 0.0;
if(num_time_deriv > 0)
x_dot = inArgs.get_x_dot();
if(num_time_deriv > 1)
x_dotdot = inArgs.get_x_dotdot();
//Declare and create Tpetra copy of x_dot, call it x_dotT
Teuchos::RCP<const Tpetra_Vector> x_dotT;
if (Teuchos::nonnull(x_dot))
x_dotT = Petra::EpetraVector_To_TpetraVectorConst(*x_dot, commT);
//Declare and create Tpetra copy of x_dotdot, call it x_dotdotT
Teuchos::RCP<const Tpetra_Vector> x_dotdotT;
if (Teuchos::nonnull(x_dotdot))
x_dotdotT = Petra::EpetraVector_To_TpetraVectorConst(*x_dotdot, commT);
if (Teuchos::nonnull(x_dot)){
alpha = inArgs.get_alpha();
beta = inArgs.get_beta();
curr_time = inArgs.get_t();
}
if (Teuchos::nonnull(x_dotdot)) {
omega = inArgs.get_omega();
}
for (int i=0; i<num_param_vecs; i++) {
Teuchos::RCP<const Epetra_Vector> p = inArgs.get_p(i);
if (p != Teuchos::null) {
for (unsigned int j=0; j<sacado_param_vec[i].size(); j++) {
sacado_param_vec[i][j].baseValue = (*p)[j];
}
}
}
for (int i=0; i<num_dist_param_vecs; i++) {
Teuchos::RCP<const Epetra_Vector> p = inArgs.get_p(i+num_param_vecs);
//create Tpetra copy of p
Teuchos::RCP<const Tpetra_Vector> pT;
if (p != Teuchos::null) {
pT = Petra::EpetraVector_To_TpetraVectorConst(*p, commT);
//*(distParamLib->get(dist_param_names[i])->vector()) = *p;
*(distParamLib->get(dist_param_names[i])->vector()) = *pT;
}
}
//
// Get the output arguments
//
EpetraExt::ModelEvaluator::Evaluation<Epetra_Vector> f_out = outArgs.get_f();
Teuchos::RCP<Epetra_Operator> W_out = outArgs.get_W();
// Cast W to a CrsMatrix, throw an exception if this fails
Teuchos::RCP<Epetra_CrsMatrix> W_out_crs;
#ifdef WRITE_MASS_MATRIX_TO_MM_FILE
//IK, 7/15/14: adding object to hold mass matrix to be written to matrix market file
Teuchos::RCP<Epetra_CrsMatrix> Mass;
//IK, 7/15/14: needed for writing mass matrix out to matrix market file
EpetraExt::ModelEvaluator::Evaluation<Epetra_Vector> ftmp = outArgs.get_f();
#endif
if (W_out != Teuchos::null) {
W_out_crs = Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W_out, true);
#ifdef WRITE_MASS_MATRIX_TO_MM_FILE
//IK, 7/15/14: adding object to hold mass matrix to be written to matrix market file
Mass = Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(W_out, true);
#endif
}
int test_var = 0;
if(test_var != 0){
std::cout << "The current solution length is: " << x->MyLength() << std::endl;
x->Print(std::cout);
}
// Get preconditioner operator, if requested
//.........这里部分代码省略.........
示例11: if
void
Stokhos::SGQuadModelEvaluator::
evalModel(const InArgs& inArgs, const OutArgs& outArgs) const
{
// Create underlying inargs
InArgs me_inargs = me->createInArgs();
if (me_inargs.supports(IN_ARG_x))
me_inargs.set_x(inArgs.get_x());
if (me_inargs.supports(IN_ARG_x_dot))
me_inargs.set_x_dot(inArgs.get_x_dot());
if (me_inargs.supports(IN_ARG_alpha))
me_inargs.set_alpha(inArgs.get_alpha());
if (me_inargs.supports(IN_ARG_beta))
me_inargs.set_beta(inArgs.get_beta());
if (me_inargs.supports(IN_ARG_t))
me_inargs.set_t(inArgs.get_t());
for (int i=0; i<num_p; i++)
me_inargs.set_p(i, inArgs.get_p(i));
// Create underlying outargs
OutArgs me_outargs = me->createOutArgs();
if (me_outargs.supports(OUT_ARG_f))
me_outargs.set_f(outArgs.get_f());
if (me_outargs.supports(OUT_ARG_W))
me_outargs.set_W(outArgs.get_W());
for (int j=0; j<num_p; j++)
if (!outArgs.supports(OUT_ARG_DfDp, j).none())
me_outargs.set_DfDp(j, outArgs.get_DfDp(j));
for (int i=0; i<num_g; i++) {
me_outargs.set_g(i, outArgs.get_g(i));
if (!outArgs.supports(OUT_ARG_DgDx, i).none())
me_outargs.set_DgDx(i, outArgs.get_DgDx(i));
if (!outArgs.supports(OUT_ARG_DgDx_dot, i).none())
me_outargs.set_DgDx(i, outArgs.get_DgDx_dot(i));
for (int j=0; j<num_p; j++)
if (!outArgs.supports(OUT_ARG_DgDp, i, j).none())
me_outargs.set_DgDp(i, j, outArgs.get_DgDp(i,j));
}
bool do_quad = false;
InArgs::sg_const_vector_t x_sg;
InArgs::sg_const_vector_t x_dot_sg;
Teuchos::Array<InArgs::sg_const_vector_t> p_sg(num_p);
OutArgs::sg_vector_t f_sg;
OutArgs::sg_operator_t W_sg;
Teuchos::Array<SGDerivative> dfdp_sg(num_p);
Teuchos::Array<OutArgs::sg_vector_t> g_sg(num_g);
Teuchos::Array<SGDerivative> dgdx_sg(num_g);
Teuchos::Array<SGDerivative> dgdx_dot_sg(num_g);
Teuchos::Array< Teuchos::Array<SGDerivative> > dgdp_sg(num_g);
TEUCHOS_TEST_FOR_EXCEPTION(inArgs.get_sg_basis() == Teuchos::null,
std::logic_error,
"Error! Stokhos::SGQuadModelEvaluator::evalModel(): " <<
"SG basis inArg cannot be null!");
TEUCHOS_TEST_FOR_EXCEPTION(inArgs.get_sg_quadrature() == Teuchos::null,
std::logic_error,
"Error! Stokhos::SGQuadModelEvaluator::evalModel(): " <<
"SG quadrature inArg cannot be null!");
Teuchos::RCP<const Stokhos::OrthogPolyBasis<int,double> > basis =
inArgs.get_sg_basis();
Teuchos::RCP< const Stokhos::Quadrature<int,double> > quad =
inArgs.get_sg_quadrature();
if (inArgs.supports(IN_ARG_x_sg)) {
x_sg = inArgs.get_x_sg();
if (x_sg != Teuchos::null) {
do_quad = true;
}
}
if (inArgs.supports(IN_ARG_x_dot_sg)) {
x_dot_sg = inArgs.get_x_dot_sg();
if (x_dot_sg != Teuchos::null) {
do_quad = true;
}
}
for (int i=0; i<num_p; i++) {
p_sg[i] = inArgs.get_p_sg(i);
if (p_sg[i] != Teuchos::null) {
do_quad = true;
}
}
if (outArgs.supports(OUT_ARG_f_sg)) {
f_sg = outArgs.get_f_sg();
if (f_sg != Teuchos::null)
f_sg->init(0.0);
}
if (outArgs.supports(OUT_ARG_W_sg)) {
W_sg = outArgs.get_W_sg();
if (W_sg != Teuchos::null)
W_sg->init(0.0);
}
for (int i=0; i<num_p; i++) {
if (!outArgs.supports(OUT_ARG_DfDp_sg, i).none()) {
dfdp_sg[i] = outArgs.get_DfDp_sg(i);
if (dfdp_sg[i].getMultiVector() != Teuchos::null)
dfdp_sg[i].getMultiVector()->init(0.0);
else if (dfdp_sg[i].getLinearOp() != Teuchos::null)
dfdp_sg[i].getLinearOp()->init(0.0);
}
}
//.........这里部分代码省略.........
示例12: x
void
MockModelEval_D::
evalModel(const InArgs& inArgs, const OutArgs& outArgs) const
{
int proc = comm->MyPID();
//
// Deterministic calculation
//
// Parse InArgs
RCP<const Epetra_Vector> p1_in = inArgs.get_p(0);
if (p1_in == Teuchos::null)
p1_in = p1_init;
RCP<const Epetra_Vector> p2_in = inArgs.get_p(1);
if (p2_in == Teuchos::null)
p2_in = p2_init;
RCP<const Epetra_Vector> x_in = inArgs.get_x();
// Parse OutArgs
RCP<Epetra_Vector> f_out = outArgs.get_f();
if (f_out != Teuchos::null) {
double p = (*p1_in)[0];
double xi = (*p2_in)[0];
if (proc == 0) {
double x = (*x_in)[0];
(*f_out)[0] = x - p + xi;
}
}
RCP<Epetra_CrsMatrix> W_out =
Teuchos::rcp_dynamic_cast<Epetra_CrsMatrix>(outArgs.get_W());
if (W_out != Teuchos::null) {
if (proc == 0) {
double val = 1.0;
int i = 0;
W_out->ReplaceMyValues(i, 1, &val, &i);
}
}
RCP<Epetra_MultiVector> dfdp1 = outArgs.get_DfDp(0).getMultiVector();
if (dfdp1 != Teuchos::null) {
if (proc == 0)
(*dfdp1)[0][0] = -1.0;
}
RCP<Epetra_MultiVector> dfdp2 = outArgs.get_DfDp(1).getMultiVector();
if (dfdp2 != Teuchos::null) {
if (proc == 0)
(*dfdp2)[0][0] = 1.0;
}
RCP<Epetra_Vector> g_out = outArgs.get_g(0);
if (g_out != Teuchos::null) {
if (proc == 0) {
double x = (*x_in)[0];
(*g_out)[0] = 1.0 / x;
}
}
RCP<Epetra_MultiVector> dgdx = outArgs.get_DgDx(0).getMultiVector();
if (dgdx != Teuchos::null) {
if (proc == 0) {
double x = (*x_in)[0];
(*dgdx)[0][0] = -1.0 / (x*x);
}
}
RCP<Epetra_MultiVector> dgdp1 = outArgs.get_DgDp(0,0).getMultiVector();
if (dgdp1 != Teuchos::null) {
if (proc == 0) {
(*dgdp1)[0][0] = 0.0;
}
}
RCP<Epetra_MultiVector> dgdp2 = outArgs.get_DgDp(0,1).getMultiVector();
if (dgdp2 != Teuchos::null) {
if (proc == 0) {
(*dgdp2)[0][0] = 0.0;
}
}
//
// Stochastic calculation
//
#ifdef Piro_ENABLE_Stokhos
// Parse InArgs
RCP<const Stokhos::OrthogPolyBasis<int,double> > basis =
inArgs.get_sg_basis();
RCP<Stokhos::OrthogPolyExpansion<int,double> > expn =
inArgs.get_sg_expansion();
InArgs::sg_const_vector_t x_sg = inArgs.get_x_sg();
InArgs::sg_const_vector_t p1_sg = inArgs.get_p_sg(0);
InArgs::sg_const_vector_t p2_sg = inArgs.get_p_sg(1);
// Parse OutArgs
OutArgs::sg_vector_t f_sg = outArgs.get_f_sg();
if (f_sg != Teuchos::null && proc == 0) {
for (int block=0; block<f_sg->size(); block++) {
//.........这里部分代码省略.........
示例13: fabs
void EpetraExt::MultiPointModelEvaluator::evalModel( const InArgs& inArgs,
const OutArgs& outArgs ) const
{
EpetraExt::ModelEvaluator::InArgs underlyingInArgs = underlyingME->createInArgs();
EpetraExt::ModelEvaluator::OutArgs underlyingOutArgs = underlyingME->createOutArgs();
//temp code for multipoint param q vec
/*
Teuchos::RefCountPtr<Epetra_Vector> q =
Teuchos::rcp(new Epetra_Vector(*(underlyingME->get_p_map(1))));
*/
// Parse InArgs
Teuchos::RefCountPtr<const Epetra_Vector> p_in = inArgs.get_p(0);
if (p_in.get()) underlyingInArgs.set_p(0, p_in);
Teuchos::RefCountPtr<const Epetra_Vector> x_in = inArgs.get_x();
block_x->Epetra_Vector::operator=(*x_in); //copy into block vector
// Parse OutArgs
Teuchos::RefCountPtr<Epetra_Vector> f_out = outArgs.get_f();
Teuchos::RefCountPtr<Epetra_Operator> W_out = outArgs.get_W();
Teuchos::RefCountPtr<EpetraExt::BlockCrsMatrix> W_block =
Teuchos::rcp_dynamic_cast<EpetraExt::BlockCrsMatrix>(W_out);
Teuchos::RefCountPtr<Epetra_Vector> g_out;
if (underlyingNg) g_out = outArgs.get_g(0);
if (g_out.get()) g_out->PutScalar(0.0);
EpetraExt::ModelEvaluator::Derivative DfDp_out = outArgs.get_DfDp(0);
EpetraExt::ModelEvaluator::Derivative DgDx_out;
EpetraExt::ModelEvaluator::Derivative DgDp_out;
if (underlyingNg) {
DgDx_out = outArgs.get_DgDx(0);
DgDp_out = outArgs.get_DgDp(0,0);
if (!DgDx_out.isEmpty()) DgDx_out.getMultiVector()->PutScalar(0.0);
if (!DgDp_out.isEmpty()) DgDp_out.getMultiVector()->PutScalar(0.0);
}
// For mathcingProblems, g is needed to calc DgDx DgDp, so ask for
// g even if it isn't requested.
bool need_g = g_out.get();
if (matchingProblem)
if ( !DgDx_out.isEmpty() || !DgDp_out.isEmpty() ) need_g = true;
// Begin loop over Points (steps) owned on this proc
for (int i=0; i < timeStepsOnTimeDomain; i++) {
// Set MultiPoint parameter vector
underlyingInArgs.set_p(1, (*q_vec)[i]);
// Set InArgs
if(longlong) {
#ifndef EPETRA_NO_64BIT_GLOBAL_INDICES
block_x->ExtractBlockValues(*split_x, (*rowIndex_LL)[i]);
#endif
}
else {
#ifndef EPETRA_NO_32BIT_GLOBAL_INDICES
block_x->ExtractBlockValues(*split_x, (*rowIndex_int)[i]);
#endif
}
underlyingInArgs.set_x(split_x);
// Set OutArgs
if (f_out.get()) underlyingOutArgs.set_f(split_f);
if (need_g) underlyingOutArgs.set_g(0, split_g);
if (W_out.get()) underlyingOutArgs.set_W(split_W);
if (!DfDp_out.isEmpty()) underlyingOutArgs.set_DfDp(0, *deriv_DfDp);
if (!DgDx_out.isEmpty()) underlyingOutArgs.set_DgDx(0, *deriv_DgDx);
if (!DgDp_out.isEmpty()) underlyingOutArgs.set_DgDp(0, 0, *deriv_DgDp);
//********Eval Model ********/
underlyingME->evalModel(underlyingInArgs, underlyingOutArgs);
//********Eval Model ********/
// If matchingProblem, modify all g-related quantitites G = 0.5*(g-g*)^2 / g*^2
if (matchingProblem) {
if (need_g) {
double diff = (*split_g)[0] - (*(*matching_vec)[i])[0];
double nrmlz = fabs((*(*matching_vec)[i])[0]) + 1.0e-6;
(*split_g)[0] = 0.5 * diff * diff/(nrmlz*nrmlz);
if (!DgDx_out.isEmpty()) split_DgDx->Scale(diff/(nrmlz*nrmlz));
if (!DgDp_out.isEmpty()) split_DgDp->Scale(diff/(nrmlz*nrmlz));
}
}
// Repackage block components into global block matrx/vector/multivector
if(longlong) {
#ifndef EPETRA_NO_64BIT_GLOBAL_INDICES
if (f_out.get()) block_f->LoadBlockValues(*split_f, (*rowIndex_LL)[i]);
//.........这里部分代码省略.........
示例14: evalModel
void VanDerPolOscillator::evalModel( const InArgs& inArgs,
const OutArgs& outArgs ) const
{
// compute f(x)
Teuchos::RCP<const Epetra_Vector> x = inArgs.get_x();
Teuchos::RCP<Epetra_Vector> f = outArgs.get_f();
if ( (x != Teuchos::null) && (f != Teuchos::null) ) {
evalVField((*x)[0],(*x)[1],(*f)[0],(*f)[1]);
}
// compute f([x])
Teuchos::RCP<const Teuchos::Polynomial<Epetra_Vector> > x_poly =
inArgs.get_x_poly();
Teuchos::RCP<Teuchos::Polynomial<Epetra_Vector> > f_poly =
outArgs.get_f_poly();
if ( (x_poly != Teuchos::null) && (f_poly != Teuchos::null) ) {
unsigned int d = x_poly->degree();
Sacado::Tay::Taylor<double> x1(d,0.0);
Sacado::Tay::Taylor<double> x2(d,0.0);
Sacado::Tay::Taylor<double> f1(d,0.0);
Sacado::Tay::Taylor<double> f2(d,0.0);
for (unsigned int i=0; i<=d; i++) {
x1.fastAccessCoeff(i) = (*(x_poly->getCoefficient(i)))[0];
x2.fastAccessCoeff(i) = (*(x_poly->getCoefficient(i)))[1];
}
evalVField(x1,x2,f1,f2);
for (unsigned int i=0; i<=d; i++) {
(*(f_poly->getCoefficient(i)))[0] = f1.coeff(i);
(*(f_poly->getCoefficient(i)))[1] = f2.coeff(i);
}
}
// compute W
Teuchos::RCP<Epetra_Operator> W = outArgs.get_W();
if (W != Teuchos::null) {
const double alpha = inArgs.get_alpha();
const double beta = inArgs.get_beta();
Epetra_CrsMatrix &crsW = Teuchos::dyn_cast<Epetra_CrsMatrix>(*W);
const int dim = 2;
double values_1[2];
double values_2[2];
int indices[] = {0,1};
Sacado::Fad::DFad<double> x1(dim,0,(*x)[0]);
Sacado::Fad::DFad<double> x2(dim,1,(*x)[1]);
Sacado::Fad::DFad<double> f1;
Sacado::Fad::DFad<double> f2;
evalVField(x1,x2,f1,f2);
values_1[0] = alpha * f1.fastAccessDx(0) - beta;
values_1[1] = alpha * f1.fastAccessDx(1);
values_2[0] = alpha * f2.fastAccessDx(0);
values_2[0] = alpha * f2.fastAccessDx(1) - beta;
crsW.ReplaceGlobalValues(0,dim,values_1,indices);
crsW.ReplaceGlobalValues(1,dim,values_2,indices);
}
}
示例15: ix
// ============================================================================
void
Bordered::
eval_mdel(const InArgs &in_args,
const OutArgs &out_args
) const
{
// First, dissect x_in into vector and bordering.
const Teuchos::RCP<const Tpetra::Vector<double,int,int>> &x_in = in_args.get_x();
#ifndef NDEBUG
TEUCHOS_ASSERT(!x_in.is_null());
#endif
const Teuchos::RCP<Tpetra::Vector<double,int,int>> inner_x_in =
Teuchos::rcp(new Tpetra::Vector<double,int,int>(*innerModelEval_->get_x_map()));
double lambda[1];
nosh::BorderingHelpers::dissect(*x_in, *inner_x_in, lambda);
// Get i*x. This assumes a particular data layout in x_in.
Tpetra::Vector<double,int,int> ix(inner_x_in->Map());
for (int k = 0; k < ix.getMap().NumMyElements()/2; k++) {
ix[2*k] = - (*x_in)[2*k+1];
ix[2*k+1] = (*x_in)[2*k];
}
// Copy over the args for use in innerModelEval.
InArgs inner_in_args = in_args;
inner_in_args.set_x(inner_x_in);
OutArgs inner_out_args = out_args;
const Tpetra::Vector<double,int,int> & bordering = ix;
// Compute F(x).
const Teuchos::RCP<Tpetra::Vector<double,int,int>> &f_out = out_args.get_f();
if (!f_out.is_null()) {
// Create new temporary f_out.
const Teuchos::RCP<Tpetra::Vector<double,int,int>> inner_f_out =
Teuchos::rcp(new Tpetra::Vector<double,int,int>(*innerModelEval_->get_f_map()));
inner_out_args.set_f(inner_f_out);
innerModelEval_->eval_mdel(inner_in_args, inner_out_args);
// Add lambda * x0.
TEUCHOS_ASSERT_EQUALITY(0, inner_f_out->Update(lambda[0], bordering, 1.0));
// Append <psi0, x> to f_out.
double r[1];
TEUCHOS_ASSERT_EQUALITY(0, bordering.Dot(*inner_x_in, r));
//r = lambda;
nosh::BorderingHelpers::merge(*inner_f_out, r, *f_out);
}
// Compute df/dp.
const EpetraExt::ModelEvaluator::DerivativeMultiVector &derivMv =
out_args.get_DfDp(0).getDerivativeMultiVector();
const Teuchos::RCP<Tpetra::MultiVector<double,int,int>> &dfdp_out =
derivMv.multi_vector();
if (!dfdp_out.is_null()) {
// Create temporary DerivativeMultiVector inner_dfdp_out.
const int numParams = derivMv.get_paramIndexes().length();
const Teuchos::RCP<Tpetra::MultiVector<double,int,int>> inner_dfdp_out =
Teuchos::rcp(new Tpetra::MultiVector<double,int,int>(*innerModelEval_->get_f_map(),
numParams));
const EpetraExt::ModelEvaluator::DerivativeMultiVector innerDerivMv(inner_dfdp_out,
derivMv.getOrientation(),
derivMv.get_paramIndexes());
inner_out_args.set_DfDp(0, innerDerivMv);
innerModelEval_->eval_mdel(inner_in_args, inner_out_args);
// Append last entry and merge into dfdp_out.
std::vector<double> r(numParams);
for (int k = 0; k < numParams; k++)
r[k] = 0.0;
nosh::BorderingHelpers::merge(*inner_dfdp_out, &r[0], *dfdp_out);
}
// Fill Jacobian.
const Teuchos::RCP<Tpetra::Operator<double,int,int>> & W_out = out_args.get_W();
if(!W_out.is_null()) {
const Teuchos::RCP<nosh::BorderedOperator> & borderedW =
Teuchos::rcp_dynamic_cast<nosh::BorderedOperator>(W_out, true);
// Fill inner Jacobian.
inner_out_args.set_W(Teuchos::rcp(borderedW->getInnerOperator()));
innerModelEval_->eval_mdel(inner_in_args, inner_out_args);
// Reset bordering.
borderedW->resetBordering(bordering, bordering, 0.0);
}
// Fill preconditioner.
const Teuchos::RCP<Tpetra::Operator<double,int,int>> & WPrec_out = out_args.get_WPrec();
if(!WPrec_out.is_null()) {
const Teuchos::RCP<nosh::BorderedOperator> & borderedPrec =
Teuchos::rcp_dynamic_cast<nosh::BorderedOperator>(WPrec_out, true);
// Fill inner preconditioner.
inner_out_args.set_WPrec(Teuchos::rcp(borderedPrec->getInnerOperator()));
innerModelEval_->eval_mdel(inner_in_args, inner_out_args);
// Reset bordering.
borderedPrec->resetBordering(bordering, bordering, 0.0);
}
//.........这里部分代码省略.........