9 bool delta(
int i,
int j)
11 return (i == j) ? true :
false;
26 Eigen::Matrix<double, Eigen::Dynamic, 1, 0, 3, 1>
29 assert(pt.size() ==
size());
30 Eigen::Matrix<double, Eigen::Dynamic, 1, 0, 3, 1> res;
34 params_.
lambda_mu(0, 0, 0, pt(0).getValue(), pt(1).getValue(),
size() == 2 ? 0. : pt(2).getValue(), 0, 0, lambda, mu);
49 Eigen::Matrix<double, Eigen::Dynamic, 1> gradient;
58 compute_energy_aux_gradient_fast<3, 2>(data, gradient);
64 compute_energy_aux_gradient_fast<6, 2>(data, gradient);
70 compute_energy_aux_gradient_fast<10, 2>(data, gradient);
76 compute_energy_aux_gradient_fast<Eigen::Dynamic, 2>(data, gradient);
89 compute_energy_aux_gradient_fast<4, 3>(data, gradient);
95 compute_energy_aux_gradient_fast<10, 3>(data, gradient);
101 compute_energy_aux_gradient_fast<20, 3>(data, gradient);
107 compute_energy_aux_gradient_fast<Eigen::Dynamic, 3>(data, gradient);
118 const Eigen::MatrixXd &local_pts,
119 const Eigen::MatrixXd &displacement,
120 Eigen::MatrixXd &tensor)
const
123 assert(displacement.cols() == 1);
125 Eigen::MatrixXd displacement_grad(
size(),
size());
127 for (
long p = 0; p < local_pts.rows(); ++p)
133 const Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(
size(),
size()) + displacement_grad;
134 const Eigen::MatrixXd FmT = def_grad.inverse().transpose();
136 const double J = def_grad.determinant();
137 const double tmp1 = mu - lambda * std::log(J);
138 for (
int i = 0, idx = 0; i <
size(); i++)
139 for (
int j = 0; j <
size(); j++)
140 for (
int k = 0; k <
size(); k++)
141 for (
int l = 0; l <
size(); l++)
143 tensor(p, idx) = mu * delta(i, k) * delta(j, l) + tmp1 * FmT(i, l) * FmT(k, j);
147 tensor.row(p) += lambda *
utils::flatten(FmT_vec * FmT_vec.transpose());
176 Eigen::MatrixXd hessian;
184 hessian.resize(6, 6);
186 compute_energy_hessian_aux_fast<3, 2>(data, hessian);
191 hessian.resize(12, 12);
193 compute_energy_hessian_aux_fast<6, 2>(data, hessian);
198 hessian.resize(20, 20);
200 compute_energy_hessian_aux_fast<10, 2>(data, hessian);
207 compute_energy_hessian_aux_fast<Eigen::Dynamic, 2>(data, hessian);
219 hessian.resize(12, 12);
221 compute_energy_hessian_aux_fast<4, 3>(data, hessian);
226 hessian.resize(30, 30);
228 compute_energy_hessian_aux_fast<10, 3>(data, hessian);
233 hessian.resize(60, 60);
235 compute_energy_hessian_aux_fast<20, 3>(data, hessian);
242 compute_energy_hessian_aux_fast<Eigen::Dynamic, 3>(data, hessian);
254 Eigen::MatrixXd &all,
255 const std::function<Eigen::MatrixXd(
const Eigen::MatrixXd &)> &fun)
const
257 const auto &displacement = data.
fun;
259 const auto &bs = data.
bs;
260 const auto &gbs = data.
gbs;
261 const auto el_id = data.
el_id;
262 const auto t = data.
t;
264 Eigen::MatrixXd displacement_grad(
size(),
size());
266 assert(displacement.cols() == 1);
268 all.resize(local_pts.rows(), all_size);
272 const auto I = Eigen::MatrixXd::Identity(
size(),
size());
274 for (
long p = 0; p < local_pts.rows(); ++p)
278 const Eigen::MatrixXd def_grad = I + displacement_grad;
281 all.row(p) = fun(def_grad);
284 const double J = def_grad.determinant();
285 const Eigen::MatrixXd b = def_grad * def_grad.transpose();
290 Eigen::MatrixXd stress_tensor = (lambda * std::log(J) * I + mu * (b - I)) / J;
296 all.row(p) = fun(stress_tensor);
302 return compute_energy_aux<double>(data);
306 template <
typename T>
309 typedef Eigen::Matrix<T, Eigen::Dynamic, 1>
AutoDiffVect;
310 typedef Eigen::Matrix<T, Eigen::Dynamic, Eigen::Dynamic, 0, 3, 3>
AutoDiffGradMat;
319 const int n_pts = data.
da.size();
320 for (
long p = 0; p < n_pts; ++p)
325 for (
int d = 0; d <
size(); ++d)
326 def_grad(d, d) += T(1);
332 const T
val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
334 energy +=
val * data.
da(p);
340 Eigen::Matrix<double, dim, dim>
hat(
const Eigen::Matrix<double, dim, 1> &
x)
343 Eigen::Matrix<double, dim, dim> prod;
357 Eigen::Matrix<double, dim, 1>
cross(
const Eigen::Matrix<double, dim, 1> &
x,
const Eigen::Matrix<double, dim, 1> &
y)
360 Eigen::Matrix<double, dim, 1>
z;
363 z(0) =
x(1) *
y(2) -
x(2) *
y(1);
364 z(1) =
x(2) *
y(0) -
x(0) *
y(2);
365 z(2) =
x(0) *
y(1) -
x(1) *
y(0);
370 template <
int n_basis,
int dim>
373 assert(data.
x.cols() == 1);
375 const int n_pts = data.
da.size();
378 local_disp.setZero();
382 for (
size_t ii = 0; ii < bs.global.size(); ++ii)
384 for (
int d = 0; d <
size(); ++d)
386 local_disp(i, d) += bs.global[ii].val * data.
x(bs.global[ii].index *
size() + d);
391 Eigen::Matrix<double, dim, dim> def_grad(
size(),
size());
396 for (
long p = 0; p < n_pts; ++p)
405 Eigen::Matrix<double, dim, dim> jac_it = data.
vals.
jac_it[p];
408 def_grad = local_disp.transpose() * grad * jac_it + Eigen::Matrix<double, dim, dim>::Identity(
size(),
size());
410 const double J = def_grad.determinant();
411 const double log_det_j = log(J);
413 Eigen::Matrix<double, dim, dim> delJ_delF(
size(),
size());
419 delJ_delF(0, 0) = def_grad(1, 1);
420 delJ_delF(0, 1) = -def_grad(1, 0);
421 delJ_delF(1, 0) = -def_grad(0, 1);
422 delJ_delF(1, 1) = def_grad(0, 0);
428 Eigen::Matrix<double, dim, 1> u(def_grad.rows());
429 Eigen::Matrix<double, dim, 1> v(def_grad.rows());
430 Eigen::Matrix<double, dim, 1> w(def_grad.rows());
436 delJ_delF.col(0) = cross<dim>(v, w);
437 delJ_delF.col(1) = cross<dim>(w, u);
438 delJ_delF.col(2) = cross<dim>(u, v);
444 Eigen::Matrix<double, n_basis, dim> delF_delU = grad * jac_it;
446 Eigen::Matrix<double, dim, dim> gradient_temp = mu * def_grad - mu * (1 / J) * delJ_delF + lambda * log_det_j * (1 / J) * delJ_delF;
447 Eigen::Matrix<double, n_basis, dim> gradient = delF_delU * gradient_temp.transpose();
449 double val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
451 G.noalias() += gradient * data.
da(p);
454 Eigen::Matrix<double, dim, n_basis> G_T = G.transpose();
456 constexpr int N = (n_basis == Eigen::Dynamic) ? Eigen::Dynamic : n_basis * dim;
457 Eigen::Matrix<double, N, 1> temp(Eigen::Map<Eigen::Matrix<double, N, 1>>(G_T.data(), G_T.size()));
461 template <
int n_basis,
int dim>
464 assert(data.
x.cols() == 1);
466 constexpr int N = (n_basis == Eigen::Dynamic) ? Eigen::Dynamic : n_basis * dim;
467 const int n_pts = data.
da.size();
470 local_disp.setZero();
474 for (
size_t ii = 0; ii < bs.global.size(); ++ii)
476 for (
int d = 0; d <
size(); ++d)
478 local_disp(i, d) += bs.global[ii].val * data.
x(bs.global[ii].index *
size() + d);
483 Eigen::Matrix<double, dim, dim> def_grad(
size(),
size());
485 for (
long p = 0; p < n_pts; ++p)
494 Eigen::Matrix<double, dim, dim> jac_it = data.
vals.
jac_it[p];
497 def_grad = local_disp.transpose() * grad * jac_it + Eigen::Matrix<double, dim, dim>::Identity(
size(),
size());
499 const double J = def_grad.determinant();
500 double log_det_j = log(J);
502 Eigen::Matrix<double, dim, dim> delJ_delF(
size(),
size());
504 Eigen::Matrix<double, dim * dim, dim * dim> del2J_delF2(
size() *
size(),
size() *
size());
505 del2J_delF2.setZero();
509 delJ_delF(0, 0) = def_grad(1, 1);
510 delJ_delF(0, 1) = -def_grad(1, 0);
511 delJ_delF(1, 0) = -def_grad(0, 1);
512 delJ_delF(1, 1) = def_grad(0, 0);
514 del2J_delF2(0, 3) = 1;
515 del2J_delF2(1, 2) = -1;
516 del2J_delF2(2, 1) = -1;
517 del2J_delF2(3, 0) = 1;
519 else if (
size() == 3)
521 Eigen::Matrix<double, dim, 1> u(def_grad.rows());
522 Eigen::Matrix<double, dim, 1> v(def_grad.rows());
523 Eigen::Matrix<double, dim, 1> w(def_grad.rows());
529 delJ_delF.col(0) = cross<dim>(v, w);
530 delJ_delF.col(1) = cross<dim>(w, u);
531 delJ_delF.col(2) = cross<dim>(u, v);
533 del2J_delF2.template block<dim, dim>(0, 6) = hat<dim>(v);
534 del2J_delF2.template block<dim, dim>(6, 0) = -hat<dim>(v);
535 del2J_delF2.template block<dim, dim>(0, 3) = -hat<dim>(w);
536 del2J_delF2.template block<dim, dim>(3, 0) = hat<dim>(w);
537 del2J_delF2.template block<dim, dim>(3, 6) = -hat<dim>(u);
538 del2J_delF2.template block<dim, dim>(6, 3) = hat<dim>(u);
544 Eigen::Matrix<double, dim * dim, dim * dim>
id = Eigen::Matrix<double, dim * dim, dim * dim>::Identity(
size() *
size(),
size() *
size());
546 Eigen::Matrix<double, dim * dim, 1> g_j = Eigen::Map<const Eigen::Matrix<double, dim * dim, 1>>(delJ_delF.data(), delJ_delF.size());
548 Eigen::Matrix<double, dim * dim, dim * dim> hessian_temp = (mu * id) + (((mu + lambda * (1 - log_det_j)) / (J * J)) * (g_j * g_j.transpose())) + (((lambda * log_det_j - mu) / (J)) * del2J_delF2);
550 Eigen::Matrix<double, dim * dim, N> delF_delU_tensor(jac_it.size(), grad.size());
552 for (
size_t i = 0; i < local_disp.rows(); ++i)
554 for (
size_t j = 0; j < local_disp.cols(); ++j)
556 Eigen::Matrix<double, dim, dim> temp(
size(),
size());
558 temp.row(j) = grad.row(i);
559 temp = temp * jac_it;
560 Eigen::Matrix<double, dim * dim, 1> temp_flattened(Eigen::Map<Eigen::Matrix<double, dim * dim, 1>>(temp.data(), temp.size()));
561 delF_delU_tensor.col(i *
size() + j) = temp_flattened;
565 Eigen::Matrix<double, N, N> hessian = delF_delU_tensor.transpose() * hessian_temp * delF_delU_tensor;
567 double val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
569 H += hessian * data.
da(p);
575 const Eigen::MatrixXd &mat,
576 Eigen::MatrixXd &stress,
577 Eigen::MatrixXd &result)
const
579 const double t = data.
t;
580 const int el_id = data.
el_id;
581 const Eigen::MatrixXd &local_pts = data.
local_pts;
582 const Eigen::MatrixXd &global_pts = data.
global_pts;
583 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
588 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
589 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
591 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
592 result = mu * mat + FmT * mat.transpose() * FmT * (mu - lambda * std::log(def_grad.determinant())) + lambda * (FmT.array() * mat.array()).sum() * FmT;
597 Eigen::MatrixXd &stress,
598 Eigen::MatrixXd &result)
const
600 const double t = data.
t;
601 const int el_id = data.
el_id;
602 const Eigen::MatrixXd &local_pts = data.
local_pts;
603 const Eigen::MatrixXd &global_pts = data.
global_pts;
604 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
609 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
610 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
612 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
613 result = mu * stress + FmT * stress.transpose() * FmT * (mu - lambda * std::log(def_grad.determinant())) + lambda * (FmT.array() * stress.array()).sum() * FmT;
618 const Eigen::MatrixXd &vect,
619 Eigen::MatrixXd &stress,
620 Eigen::MatrixXd &result)
const
622 const double t = data.
t;
623 const int el_id = data.
el_id;
624 const Eigen::MatrixXd &local_pts = data.
local_pts;
625 const Eigen::MatrixXd &global_pts = data.
global_pts;
626 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
631 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
632 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
634 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
636 if (vect.rows() == 1)
637 for (
int i = 0; i <
size(); ++i)
638 for (
int j = 0; j <
size(); ++j)
639 for (
int l = 0; l <
size(); ++l)
641 result(i *
size() + j, l) += mu * vect(i) * ((j == l) ? 1 : 0);
644 result(i *
size() + j, l) += (mu - lambda * std::log(def_grad.determinant())) * FmT(i, l) * (FmT.col(j).array() * vect.transpose().array()).sum();
645 result(i *
size() + j, l) += lambda * FmT(i, j) * (FmT.col(l).array() * vect.transpose().array()).sum();
648 for (
int i = 0; i <
size(); ++i)
649 for (
int j = 0; j <
size(); ++j)
650 for (
int k = 0; k <
size(); ++k)
652 result(i *
size() + j, k) += mu * vect(j) * ((i == k) ? 1 : 0);
655 result(i *
size() + j, k) += (mu - lambda * std::log(def_grad.determinant())) * FmT(k, i) * (FmT.row(j).array() * vect.transpose().array()).sum();
656 result(i *
size() + j, k) += lambda * FmT(i, j) * (FmT.row(k).array() * vect.transpose().array()).sum();
662 Eigen::MatrixXd &dstress_dmu,
663 Eigen::MatrixXd &dstress_dlambda)
const
665 const double t = data.
t;
666 const int el_id = data.
el_id;
667 const Eigen::MatrixXd &local_pts = data.
local_pts;
668 const Eigen::MatrixXd &global_pts = data.
global_pts;
669 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
671 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
672 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
673 dstress_dmu = def_grad - FmT;
674 dstress_dlambda = std::log(def_grad.determinant()) * FmT;
679 std::map<std::string, ParamFunc> res;
686 params.lambda_mu(uv, p, t, e, lambda, mu);
693 params.lambda_mu(uv, p, t, e, lambda, mu);
699 params.lambda_mu(uv, p, t, e, lambda, mu);
702 return mu * (3.0 * lambda + 2.0 * mu) / (lambda + mu);
704 return 2 * mu * (2.0 * lambda + 2.0 * mu) / (lambda + 2.0 * mu);
710 params.lambda_mu(uv, p, t, e, lambda, mu);
713 return lambda / (2.0 * (lambda + mu));
715 return lambda / (lambda + 2.0 * mu);
ElementAssemblyValues vals
std::string stress() const
stores per element basis values at given quadrature points and geometric mapping
std::vector< AssemblyValues > basis_values
void compute(const int el_index, const bool is_volume, const Eigen::MatrixXd &pts, const basis::ElementBases &basis, const basis::ElementBases &gbasis)
computes the per element values at the local (ref el) points (pts) sets basis_values,...
std::vector< Eigen::Matrix< double, Eigen::Dynamic, Eigen::Dynamic, 0, 3, 3 > > jac_it
quadrature::Quadrature quadrature
void lambda_mu(double px, double py, double pz, double x, double y, double z, double t, int el_id, double &lambda, double &mu) const
void add_multimaterial(const int index, const json ¶ms, const bool is_volume, const std::string &stress_unit)
double compute_energy(const NonLinearAssemblerData &data) const override
std::map< std::string, ParamFunc > parameters() const override
void compute_energy_aux_gradient_fast(const NonLinearAssemblerData &data, Eigen::VectorXd &G_flattened) const
VectorNd compute_rhs(const AutodiffHessianPt &pt) const override
void compute_stress_grad_multiply_stress(const OptAssemblerData &data, Eigen::MatrixXd &stress, Eigen::MatrixXd &result) const override
void compute_energy_hessian_aux_fast(const NonLinearAssemblerData &data, Eigen::MatrixXd &H) const
void compute_dstress_dmu_dlambda(const OptAssemblerData &data, Eigen::MatrixXd &dstress_dmu, Eigen::MatrixXd &dstress_dlambda) const override
void compute_stress_grad_multiply_vect(const OptAssemblerData &data, const Eigen::MatrixXd &vect, Eigen::MatrixXd &stress, Eigen::MatrixXd &result) const override
void compute_stress_grad_multiply_mat(const OptAssemblerData &data, const Eigen::MatrixXd &mat, Eigen::MatrixXd &stress, Eigen::MatrixXd &result) const override
void assign_stress_tensor(const OutputData &data, const int all_size, const ElasticityTensorType &type, Eigen::MatrixXd &all, const std::function< Eigen::MatrixXd(const Eigen::MatrixXd &)> &fun) const override
void add_multimaterial(const int index, const json ¶ms, const Units &units) override
Eigen::MatrixXd assemble_hessian(const NonLinearAssemblerData &data) const override
Eigen::VectorXd assemble_gradient(const NonLinearAssemblerData &data) const override
T compute_energy_aux(const NonLinearAssemblerData &data) const
void compute_stiffness_value(const double t, const assembler::ElementAssemblyValues &vals, const Eigen::MatrixXd &local_pts, const Eigen::MatrixXd &displacement, Eigen::MatrixXd &tensor) const override
const ElementAssemblyValues & vals
const Eigen::MatrixXd & x
const QuadratureVector & da
const Eigen::MatrixXd & local_pts
const Eigen::MatrixXd & global_pts
const Eigen::MatrixXd & grad_u_i
const basis::ElementBases & bs
const Eigen::MatrixXd & fun
const Eigen::MatrixXd & local_pts
const basis::ElementBases & gbs
Eigen::Matrix< T, Eigen::Dynamic, Eigen::Dynamic, 0, 3, 3 > AutoDiffGradMat
Eigen::Matrix< double, dim, dim > hat(const Eigen::Matrix< double, dim, 1 > &x)
Eigen::Matrix< double, dim, 1 > cross(const Eigen::Matrix< double, dim, 1 > &x, const Eigen::Matrix< double, dim, 1 > &y)
Eigen::Matrix< T, Eigen::Dynamic, 1 > AutoDiffVect
void neo_hookean_3d_function(const AutodiffHessianPt &pt, const double lambda, const double mu, Eigen::Matrix< double, Eigen::Dynamic, 1, 0, 3, 1 > &res)
void neo_hookean_2d_function(const AutodiffHessianPt &pt, const double lambda, const double mu, Eigen::Matrix< double, Eigen::Dynamic, 1, 0, 3, 1 > &res)
Eigen::VectorXd flatten(const Eigen::MatrixXd &X)
Flatten rowwises.
T determinant(const Eigen::Matrix< T, rows, cols, option, maxRow, maxCol > &mat)
Eigen::MatrixXd pk2_from_cauchy(const Eigen::MatrixXd &stress, const Eigen::MatrixXd &F)
void compute_disp_grad_at_quad(const assembler::NonLinearAssemblerData &data, const AutoDiffVect &local_disp, const int p, const int size, AutoDiffGradMat &def_grad)
Eigen::Matrix< AutodiffScalarHessian, Eigen::Dynamic, 1, 0, 3, 1 > AutodiffHessianPt
void compute_diplacement_grad(const int size, const ElementAssemblyValues &vals, const Eigen::MatrixXd &local_pts, const int p, const Eigen::MatrixXd &displacement, Eigen::MatrixXd &displacement_grad)
void get_local_disp(const assembler::NonLinearAssemblerData &data, const int size, AutoDiffVect &local_disp)
Eigen::MatrixXd pk1_from_cauchy(const Eigen::MatrixXd &stress, const Eigen::MatrixXd &F)
Eigen::Matrix< double, 1, Eigen::Dynamic, Eigen::RowMajor, 1, 3 > RowVectorNd