12 bool delta(
int i,
int j)
14 return (i == j) ? true :
false;
29 Eigen::Matrix<double, Eigen::Dynamic, 1, 0, 3, 1>
32 assert(pt.size() ==
size());
33 Eigen::Matrix<double, Eigen::Dynamic, 1, 0, 3, 1> res;
37 params_.
lambda_mu(0, 0, 0, pt(0).getValue(), pt(1).getValue(),
size() == 2 ? 0. : pt(2).getValue(), 0, 0, lambda, mu);
52 Eigen::Matrix<double, Eigen::Dynamic, 1> gradient;
61 compute_energy_aux_gradient_fast<3, 2>(data, gradient);
67 compute_energy_aux_gradient_fast<6, 2>(data, gradient);
73 compute_energy_aux_gradient_fast<10, 2>(data, gradient);
79 compute_energy_aux_gradient_fast<Eigen::Dynamic, 2>(data, gradient);
92 compute_energy_aux_gradient_fast<4, 3>(data, gradient);
98 compute_energy_aux_gradient_fast<10, 3>(data, gradient);
104 compute_energy_aux_gradient_fast<20, 3>(data, gradient);
110 compute_energy_aux_gradient_fast<Eigen::Dynamic, 3>(data, gradient);
121 const Eigen::MatrixXd &local_pts,
122 const Eigen::MatrixXd &displacement,
123 Eigen::MatrixXd &tensor)
const
126 assert(displacement.cols() == 1);
128 Eigen::MatrixXd displacement_grad(
size(),
size());
130 for (
long p = 0; p < local_pts.rows(); ++p)
136 const Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(
size(),
size()) + displacement_grad;
137 const Eigen::MatrixXd FmT = def_grad.inverse().transpose();
139 const double J = def_grad.determinant();
140 const double tmp1 = mu - lambda * std::log(J);
141 for (
int i = 0, idx = 0; i <
size(); i++)
142 for (
int j = 0; j <
size(); j++)
143 for (
int k = 0; k <
size(); k++)
144 for (
int l = 0; l <
size(); l++)
146 tensor(p, idx) = mu * delta(i, k) * delta(j, l) + tmp1 * FmT(i, l) * FmT(k, j);
150 tensor.row(p) += lambda *
utils::flatten(FmT_vec * FmT_vec.transpose());
179 Eigen::MatrixXd hessian;
187 hessian.resize(6, 6);
189 compute_energy_hessian_aux_fast<3, 2>(data, hessian);
194 hessian.resize(12, 12);
196 compute_energy_hessian_aux_fast<6, 2>(data, hessian);
201 hessian.resize(20, 20);
203 compute_energy_hessian_aux_fast<10, 2>(data, hessian);
210 compute_energy_hessian_aux_fast<Eigen::Dynamic, 2>(data, hessian);
222 hessian.resize(12, 12);
224 compute_energy_hessian_aux_fast<4, 3>(data, hessian);
229 hessian.resize(30, 30);
231 compute_energy_hessian_aux_fast<10, 3>(data, hessian);
236 hessian.resize(60, 60);
238 compute_energy_hessian_aux_fast<20, 3>(data, hessian);
245 compute_energy_hessian_aux_fast<Eigen::Dynamic, 3>(data, hessian);
257 Eigen::MatrixXd &all,
258 const std::function<Eigen::MatrixXd(
const Eigen::MatrixXd &)> &fun)
const
260 const auto &displacement = data.
fun;
262 const auto &bs = data.
bs;
263 const auto &gbs = data.
gbs;
264 const auto el_id = data.
el_id;
265 const auto t = data.
t;
267 Eigen::MatrixXd displacement_grad(
size(),
size());
269 assert(displacement.cols() == 1);
271 all.resize(local_pts.rows(), all_size);
275 const auto I = Eigen::MatrixXd::Identity(
size(),
size());
277 for (
long p = 0; p < local_pts.rows(); ++p)
281 const Eigen::MatrixXd def_grad = I + displacement_grad;
284 all.row(p) = fun(def_grad);
287 const double J = def_grad.determinant();
288 const Eigen::MatrixXd b = def_grad * def_grad.transpose();
293 Eigen::MatrixXd stress_tensor = (lambda * std::log(J) * I + mu * (b - I)) / J;
299 all.row(p) = fun(stress_tensor);
305 return compute_energy_aux<double>(data);
309 template <
typename T>
312 if constexpr (std::is_same_v<T, double>)
315 local_disp.setZero();
319 for (
size_t ii = 0; ii < bs.global.size(); ++ii)
321 for (
int d = 0; d <
size(); ++d)
323 local_disp(i, d) += bs.global[ii].val * data.
x(bs.global[ii].index *
size() + d);
327 Eigen::VectorXd jacs;
330 Eigen::MatrixXd def_grad(
size(),
size());
334 const int n_pts = data.
da.size();
335 for (
long p = 0; p < n_pts; ++p)
344 const Eigen::MatrixXd jac_it = data.
vals.
jac_it[p];
346 def_grad = local_disp.transpose() * grad * jac_it + Eigen::MatrixXd::Identity(
size(),
size());
350 const T log_det_j = log(J);
351 const T
val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) +
352 lambda / 2 * log_det_j * log_det_j;
353 energy +=
val * data.
da(p);
359 typedef Eigen::Matrix<T, Eigen::Dynamic, 1>
AutoDiffVect;
360 typedef Eigen::Matrix<T, Eigen::Dynamic, Eigen::Dynamic, 0, 3, 3>
AutoDiffGradMat;
369 const int n_pts = data.
da.size();
370 for (
long p = 0; p < n_pts; ++p)
375 for (
int d = 0; d <
size(); ++d)
376 def_grad(d, d) += T(1);
382 const T
val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
384 energy +=
val * data.
da(p);
391 Eigen::Matrix<double, dim, dim>
hat(
const Eigen::Matrix<double, dim, 1> &
x)
394 Eigen::Matrix<double, dim, dim> prod;
408 Eigen::Matrix<double, dim, 1>
cross(
const Eigen::Matrix<double, dim, 1> &
x,
const Eigen::Matrix<double, dim, 1> &
y)
411 Eigen::Matrix<double, dim, 1>
z;
414 z(0) =
x(1) *
y(2) -
x(2) *
y(1);
415 z(1) =
x(2) *
y(0) -
x(0) *
y(2);
416 z(2) =
x(0) *
y(1) -
x(1) *
y(0);
421 template <
int n_basis,
int dim>
424 assert(data.
x.cols() == 1);
426 const int n_pts = data.
da.size();
429 local_disp.setZero();
433 for (
size_t ii = 0; ii < bs.global.size(); ++ii)
435 for (
int d = 0; d <
size(); ++d)
437 local_disp(i, d) += bs.global[ii].val * data.
x(bs.global[ii].index *
size() + d);
442 Eigen::VectorXd jacs;
446 Eigen::Matrix<double, dim, dim> def_grad(
size(),
size());
451 for (
long p = 0; p < n_pts; ++p)
460 Eigen::Matrix<double, dim, dim> jac_it = data.
vals.
jac_it[p];
463 def_grad = local_disp.transpose() * grad * jac_it + Eigen::Matrix<double, dim, dim>::Identity(
size(),
size());
465 const double J =
use_robust_jacobian ? jacs(p) * jac_it.determinant() : def_grad.determinant();
466 const double log_det_j = log(J);
468 Eigen::Matrix<double, dim, dim> delJ_delF(
size(),
size());
474 delJ_delF(0, 0) = def_grad(1, 1);
475 delJ_delF(0, 1) = -def_grad(1, 0);
476 delJ_delF(1, 0) = -def_grad(0, 1);
477 delJ_delF(1, 1) = def_grad(0, 0);
483 Eigen::Matrix<double, dim, 1> u(def_grad.rows());
484 Eigen::Matrix<double, dim, 1> v(def_grad.rows());
485 Eigen::Matrix<double, dim, 1> w(def_grad.rows());
491 delJ_delF.col(0) = cross<dim>(v, w);
492 delJ_delF.col(1) = cross<dim>(w, u);
493 delJ_delF.col(2) = cross<dim>(u, v);
499 Eigen::Matrix<double, n_basis, dim> delF_delU = grad * jac_it;
501 Eigen::Matrix<double, dim, dim> gradient_temp = mu * def_grad - mu * (1 / J) * delJ_delF + lambda * log_det_j * (1 / J) * delJ_delF;
502 Eigen::Matrix<double, n_basis, dim> gradient = delF_delU * gradient_temp.transpose();
504 double val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
506 G.noalias() += gradient * data.
da(p);
509 Eigen::Matrix<double, dim, n_basis> G_T = G.transpose();
511 constexpr int N = (n_basis == Eigen::Dynamic) ? Eigen::Dynamic : n_basis * dim;
512 Eigen::Matrix<double, N, 1> temp(Eigen::Map<Eigen::Matrix<double, N, 1>>(G_T.data(), G_T.size()));
516 template <
int n_basis,
int dim>
519 assert(data.
x.cols() == 1);
521 constexpr int N = (n_basis == Eigen::Dynamic) ? Eigen::Dynamic : n_basis * dim;
522 const int n_pts = data.
da.size();
525 local_disp.setZero();
529 for (
size_t ii = 0; ii < bs.global.size(); ++ii)
531 for (
int d = 0; d <
size(); ++d)
533 local_disp(i, d) += bs.global[ii].val * data.
x(bs.global[ii].index *
size() + d);
538 Eigen::VectorXd jacs;
542 Eigen::Matrix<double, dim, dim> def_grad(
size(),
size());
544 for (
long p = 0; p < n_pts; ++p)
553 Eigen::Matrix<double, dim, dim> jac_it = data.
vals.
jac_it[p];
556 def_grad = local_disp.transpose() * grad * jac_it + Eigen::Matrix<double, dim, dim>::Identity(
size(),
size());
558 const double J =
use_robust_jacobian ? jacs(p) * jac_it.determinant() : def_grad.determinant();
559 double log_det_j = log(J);
561 Eigen::Matrix<double, dim, dim> delJ_delF(
size(),
size());
563 Eigen::Matrix<double, dim * dim, dim * dim> del2J_delF2(
size() *
size(),
size() *
size());
564 del2J_delF2.setZero();
568 delJ_delF(0, 0) = def_grad(1, 1);
569 delJ_delF(0, 1) = -def_grad(1, 0);
570 delJ_delF(1, 0) = -def_grad(0, 1);
571 delJ_delF(1, 1) = def_grad(0, 0);
573 del2J_delF2(0, 3) = 1;
574 del2J_delF2(1, 2) = -1;
575 del2J_delF2(2, 1) = -1;
576 del2J_delF2(3, 0) = 1;
578 else if (
size() == 3)
580 Eigen::Matrix<double, dim, 1> u(def_grad.rows());
581 Eigen::Matrix<double, dim, 1> v(def_grad.rows());
582 Eigen::Matrix<double, dim, 1> w(def_grad.rows());
588 delJ_delF.col(0) = cross<dim>(v, w);
589 delJ_delF.col(1) = cross<dim>(w, u);
590 delJ_delF.col(2) = cross<dim>(u, v);
592 del2J_delF2.template block<dim, dim>(0, 6) = hat<dim>(v);
593 del2J_delF2.template block<dim, dim>(6, 0) = -hat<dim>(v);
594 del2J_delF2.template block<dim, dim>(0, 3) = -hat<dim>(w);
595 del2J_delF2.template block<dim, dim>(3, 0) = hat<dim>(w);
596 del2J_delF2.template block<dim, dim>(3, 6) = -hat<dim>(u);
597 del2J_delF2.template block<dim, dim>(6, 3) = hat<dim>(u);
603 Eigen::Matrix<double, dim * dim, dim * dim>
id = Eigen::Matrix<double, dim * dim, dim * dim>::Identity(
size() *
size(),
size() *
size());
605 Eigen::Matrix<double, dim * dim, 1> g_j = Eigen::Map<const Eigen::Matrix<double, dim * dim, 1>>(delJ_delF.data(), delJ_delF.size());
607 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);
609 Eigen::Matrix<double, dim * dim, N> delF_delU_tensor(jac_it.size(), grad.size());
611 for (
size_t i = 0; i < local_disp.rows(); ++i)
613 for (
size_t j = 0; j < local_disp.cols(); ++j)
615 Eigen::Matrix<double, dim, dim> temp(
size(),
size());
617 temp.row(j) = grad.row(i);
618 temp = temp * jac_it;
619 Eigen::Matrix<double, dim * dim, 1> temp_flattened(Eigen::Map<Eigen::Matrix<double, dim * dim, 1>>(temp.data(), temp.size()));
620 delF_delU_tensor.col(i *
size() + j) = temp_flattened;
624 Eigen::Matrix<double, N, N> hessian = delF_delU_tensor.transpose() * hessian_temp * delF_delU_tensor;
626 double val = mu / 2 * ((def_grad.transpose() * def_grad).trace() -
size() - 2 * log_det_j) + lambda / 2 * log_det_j * log_det_j;
628 H += hessian * data.
da(p);
634 const Eigen::MatrixXd &mat,
635 Eigen::MatrixXd &stress,
636 Eigen::MatrixXd &result)
const
638 const double t = data.
t;
639 const int el_id = data.
el_id;
640 const Eigen::MatrixXd &local_pts = data.
local_pts;
641 const Eigen::MatrixXd &global_pts = data.
global_pts;
642 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
647 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
648 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
650 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
651 result = mu * mat + FmT * mat.transpose() * FmT * (mu - lambda * std::log(def_grad.determinant())) + lambda * (FmT.array() * mat.array()).sum() * FmT;
656 Eigen::MatrixXd &stress,
657 Eigen::MatrixXd &result)
const
659 const double t = data.
t;
660 const int el_id = data.
el_id;
661 const Eigen::MatrixXd &local_pts = data.
local_pts;
662 const Eigen::MatrixXd &global_pts = data.
global_pts;
663 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
668 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
669 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
671 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
672 result = mu * stress + FmT * stress.transpose() * FmT * (mu - lambda * std::log(def_grad.determinant())) + lambda * (FmT.array() * stress.array()).sum() * FmT;
677 const Eigen::MatrixXd &vect,
678 Eigen::MatrixXd &stress,
679 Eigen::MatrixXd &result)
const
681 const double t = data.
t;
682 const int el_id = data.
el_id;
683 const Eigen::MatrixXd &local_pts = data.
local_pts;
684 const Eigen::MatrixXd &global_pts = data.
global_pts;
685 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
690 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
691 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
693 stress = mu * (def_grad - FmT) + lambda * std::log(def_grad.determinant()) * FmT;
695 if (vect.rows() == 1)
696 for (
int i = 0; i <
size(); ++i)
697 for (
int j = 0; j <
size(); ++j)
698 for (
int l = 0; l <
size(); ++l)
700 result(i *
size() + j, l) += mu * vect(i) * ((j == l) ? 1 : 0);
703 result(i *
size() + j, l) += (mu - lambda * std::log(def_grad.determinant())) * FmT(i, l) * (FmT.col(j).array() * vect.transpose().array()).sum();
704 result(i *
size() + j, l) += lambda * FmT(i, j) * (FmT.col(l).array() * vect.transpose().array()).sum();
707 for (
int i = 0; i <
size(); ++i)
708 for (
int j = 0; j <
size(); ++j)
709 for (
int k = 0; k <
size(); ++k)
711 result(i *
size() + j, k) += mu * vect(j) * ((i == k) ? 1 : 0);
714 result(i *
size() + j, k) += (mu - lambda * std::log(def_grad.determinant())) * FmT(k, i) * (FmT.row(j).array() * vect.transpose().array()).sum();
715 result(i *
size() + j, k) += lambda * FmT(i, j) * (FmT.row(k).array() * vect.transpose().array()).sum();
721 Eigen::MatrixXd &dstress_dmu,
722 Eigen::MatrixXd &dstress_dlambda)
const
724 const double t = data.
t;
725 const int el_id = data.
el_id;
726 const Eigen::MatrixXd &local_pts = data.
local_pts;
727 const Eigen::MatrixXd &global_pts = data.
global_pts;
728 const Eigen::MatrixXd &grad_u_i = data.
grad_u_i;
730 Eigen::MatrixXd def_grad = Eigen::MatrixXd::Identity(grad_u_i.rows(), grad_u_i.cols()) + grad_u_i;
731 Eigen::MatrixXd FmT = def_grad.inverse().transpose();
732 dstress_dmu = def_grad - FmT;
733 dstress_dlambda = std::log(def_grad.determinant()) * FmT;
738 std::map<std::string, ParamFunc> res;
745 params.lambda_mu(uv, p, t, e, lambda, mu);
752 params.lambda_mu(uv, p, t, e, lambda, mu);
758 params.lambda_mu(uv, p, t, e, lambda, mu);
761 return mu * (3.0 * lambda + 2.0 * mu) / (lambda + mu);
763 return 2 * mu * (2.0 * lambda + 2.0 * mu) / (lambda + 2.0 * mu);
769 params.lambda_mu(uv, p, t, e, lambda, mu);
772 return lambda / (2.0 * (lambda + mu));
774 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
Eigen::VectorXd eval_deformed_jacobian_determinant(const Eigen::VectorXd &disp) const
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