OGS
ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim > Class Template Reference

Detailed Description

template<typename ShapeFunction, int DisplacementDim>
class ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >

Definition at line 52 of file SmallDeformationNonlocalFEM.h.

#include <SmallDeformationNonlocalFEM.h>

Inheritance diagram for ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >:
[legend]
Collaboration diagram for ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >:
[legend]

Public Types

using ShapeMatricesType
 
using NodalMatrixType = typename ShapeMatricesType::NodalMatrixType
 
using NodalVectorType = typename ShapeMatricesType::NodalVectorType
 
using GlobalDimVectorType = typename ShapeMatricesType::GlobalDimVectorType
 
using ShapeMatrices = typename ShapeMatricesType::ShapeMatrices
 
using BMatricesType = BMatrixPolicyType<ShapeFunction, DisplacementDim>
 
using BMatrixType = typename BMatricesType::BMatrixType
 
using StiffnessMatrixType = typename BMatricesType::StiffnessMatrixType
 
using NodalForceVectorType = typename BMatricesType::NodalForceVectorType
 
using NodalDisplacementVectorType
 
using IpData
 

Public Member Functions

 SmallDeformationNonlocalLocalAssembler (SmallDeformationNonlocalLocalAssembler const &)=delete
 
 SmallDeformationNonlocalLocalAssembler (SmallDeformationNonlocalLocalAssembler &&)=delete
 
 SmallDeformationNonlocalLocalAssembler (MeshLib::Element const &e, std::size_t const, NumLib::GenericIntegrationMethod const &integration_method, bool const is_axially_symmetric, SmallDeformationNonlocalProcessData< DisplacementDim > &process_data)
 
std::size_t setIPDataInitialConditions (std::string_view const name, double const *values, int const integration_order) override
 
void setIPDataInitialConditionsFromCellData (std::string const &name, std::vector< double > const &value) override
 
double alpha_0 (double const distance2) const
 
void nonlocal (std::size_t const, std::vector< std::unique_ptr< SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim > > > const &local_assemblers) override
 
Eigen::Vector3d getSingleIntegrationPointCoordinates (int integration_point) const
 
void getIntegrationPointCoordinates (Eigen::Vector3d const &coords, std::vector< double > &distances) const override
 
void assemble (double const, double const, std::vector< double > const &, std::vector< double > const &, std::vector< double > &, std::vector< double > &, std::vector< double > &) override
 
void preAssemble (double const t, double const dt, std::vector< double > const &local_x) override
 
void assembleWithJacobian (double const t, double const, std::vector< double > const &local_x, std::vector< double > const &, std::vector< double > &local_b_data, std::vector< double > &local_Jac_data) override
 
void initializeConcrete () override
 
void postTimestepConcrete (Eigen::VectorXd const &, Eigen::VectorXd const &, double const, double const, int const) override
 
void computeCrackIntegral (std::size_t mesh_item_id, NumLib::LocalToGlobalIndexMap const &dof_table, GlobalVector const &x, double &crack_volume) override
 
Eigen::Map< const Eigen::RowVectorXd > getShapeMatrix (const unsigned integration_point) const override
 Provides the shape matrix at the given integration point.
 
std::vector< double > const & getNodalValues (std::vector< double > &nodal_values) const override
 
std::vector< double > const & getIntPtFreeEnergyDensity (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
std::vector< double > const & getIntPtEpsPV (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
std::vector< double > const & getIntPtEpsPDXX (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
std::vector< double > const & getIntPtSigma (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
std::vector< double > const & getIntPtEpsilon (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
std::size_t setSigma (double const *values)
 
std::vector< double > getSigma () const override
 
void setKappaD (double value)
 
std::vector< double > getKappaD () const override
 
std::vector< double > const & getIntPtDamage (const double, std::vector< GlobalVector * > const &, std::vector< NumLib::LocalToGlobalIndexMap const * > const &, std::vector< double > &cache) const override
 
unsigned getNumberOfIntegrationPoints () const override
 
MaterialLib::Solids::MechanicsBase< DisplacementDim >::MaterialStateVariables const & getMaterialStateVariablesAt (int const integration_point) const override
 
- Public Member Functions inherited from ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >
virtual void nonlocal (std::size_t const mesh_item_id, std::vector< std::unique_ptr< SmallDeformationNonlocalLocalAssemblerInterface > > const &local_assemblers)=0
 
- Public Member Functions inherited from ProcessLib::LocalAssemblerInterface
virtual ~LocalAssemblerInterface ()=default
 
virtual void setInitialConditions (std::size_t const mesh_item_id, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_tables, std::vector< GlobalVector * > const &x, double const t, int const process_id)
 
virtual void initialize (std::size_t const mesh_item_id, NumLib::LocalToGlobalIndexMap const &dof_table)
 
virtual void assembleForStaggeredScheme (double const t, double const dt, Eigen::VectorXd const &local_x, Eigen::VectorXd const &local_x_prev, int const process_id, std::vector< double > &local_M_data, std::vector< double > &local_K_data, std::vector< double > &local_b_data)
 
virtual void assembleWithJacobianForStaggeredScheme (double const t, double const dt, Eigen::VectorXd const &local_x, Eigen::VectorXd const &local_x_prev, int const process_id, std::vector< double > &local_b_data, std::vector< double > &local_Jac_data)
 
virtual void computeSecondaryVariable (std::size_t const mesh_item_id, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_tables, double const t, double const dt, std::vector< GlobalVector * > const &x, GlobalVector const &x_prev, int const process_id)
 
virtual void preTimestep (std::size_t const mesh_item_id, NumLib::LocalToGlobalIndexMap const &dof_table, GlobalVector const &x, double const t, double const delta_t)
 
virtual void postTimestep (std::size_t const mesh_item_id, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_tables, std::vector< GlobalVector * > const &x, std::vector< GlobalVector * > const &x_prev, double const t, double const dt, int const process_id)
 
void postNonLinearSolver (std::size_t const mesh_item_id, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_tables, std::vector< GlobalVector * > const &x, std::vector< GlobalVector * > const &x_prev, double const t, double const dt, int const process_id)
 
virtual Eigen::Vector3d getFlux (MathLib::Point3d const &, double const, std::vector< double > const &) const
 
virtual Eigen::Vector3d getFlux (MathLib::Point3d const &, double const, std::vector< std::vector< double > > const &) const
 Fits to staggered scheme.
 
virtual std::optional< VectorSegmentgetVectorDeformationSegment () const
 
- Public Member Functions inherited from NumLib::ExtrapolatableElement
virtual ~ExtrapolatableElement ()=default
 

Private Member Functions

std::vector< double > const & getIntPtSigma (std::vector< double > &cache, std::size_t const component) const
 
std::vector< double > const & getIntPtEpsilon (std::vector< double > &cache, std::size_t const component) const
 
IntegrationPointDataNonlocalInterfacegetIPDataPtr (int const ip) override
 

Private Attributes

SmallDeformationNonlocalProcessData< DisplacementDim > & _process_data
 
std::vector< IpData, Eigen::aligned_allocator< IpData > > _ip_data
 
NumLib::GenericIntegrationMethod const & _integration_method
 
MeshLib::Element const & _element
 
SecondaryData< typename ShapeMatrices::ShapeType > _secondary_data
 
bool const _is_axially_symmetric
 

Static Private Attributes

static const int displacement_size
 

Member Typedef Documentation

◆ BMatricesType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::BMatricesType = BMatrixPolicyType<ShapeFunction, DisplacementDim>

Definition at line 62 of file SmallDeformationNonlocalFEM.h.

◆ BMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::BMatrixType = typename BMatricesType::BMatrixType

Definition at line 64 of file SmallDeformationNonlocalFEM.h.

◆ GlobalDimVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::GlobalDimVectorType = typename ShapeMatricesType::GlobalDimVectorType

Definition at line 60 of file SmallDeformationNonlocalFEM.h.

◆ IpData

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::IpData
Initial value:
IntegrationPointData<BMatricesType, ShapeMatricesType, DisplacementDim>

Definition at line 69 of file SmallDeformationNonlocalFEM.h.

◆ NodalDisplacementVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::NodalDisplacementVectorType
Initial value:
VectorType< _number_of_dof > NodalForceVectorType
Rhs residual.

Definition at line 67 of file SmallDeformationNonlocalFEM.h.

◆ NodalForceVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::NodalForceVectorType = typename BMatricesType::NodalForceVectorType

Definition at line 66 of file SmallDeformationNonlocalFEM.h.

◆ NodalMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::NodalMatrixType = typename ShapeMatricesType::NodalMatrixType

Definition at line 58 of file SmallDeformationNonlocalFEM.h.

◆ NodalVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::NodalVectorType = typename ShapeMatricesType::NodalVectorType

Definition at line 59 of file SmallDeformationNonlocalFEM.h.

◆ ShapeMatrices

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::ShapeMatrices = typename ShapeMatricesType::ShapeMatrices

Definition at line 61 of file SmallDeformationNonlocalFEM.h.

◆ ShapeMatricesType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::ShapeMatricesType

◆ StiffnessMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::StiffnessMatrixType = typename BMatricesType::StiffnessMatrixType

Definition at line 65 of file SmallDeformationNonlocalFEM.h.

Constructor & Destructor Documentation

◆ SmallDeformationNonlocalLocalAssembler() [1/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler ( SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim > const & )
delete

◆ SmallDeformationNonlocalLocalAssembler() [2/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler ( SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim > && )
delete

◆ SmallDeformationNonlocalLocalAssembler() [3/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler ( MeshLib::Element const & e,
std::size_t const ,
NumLib::GenericIntegrationMethod const & integration_method,
bool const is_axially_symmetric,
SmallDeformationNonlocalProcessData< DisplacementDim > & process_data )
inline

Definition at line 77 of file SmallDeformationNonlocalFEM.h.

83 : _process_data(process_data),
84 _integration_method(integration_method),
85 _element(e),
86 _is_axially_symmetric(is_axially_symmetric)
87 {
88 unsigned const n_integration_points =
90
91 _ip_data.reserve(n_integration_points);
92 _secondary_data.N.resize(n_integration_points);
93
94 auto const shape_matrices =
96 DisplacementDim>(e, is_axially_symmetric,
98
99 auto& solid_material =
101 _process_data.solid_materials,
102 _process_data.material_ids,
103 e.getID());
104 auto* ehlers_solid_material = dynamic_cast<
106 &solid_material);
107 if (ehlers_solid_material == nullptr)
108 {
109 OGS_FATAL(
110 "The SmallDeformationNonlocalLocal process supports only "
111 "Ehlers material at the moment. For other materials the "
112 "interface must be extended first.");
113 }
114
115 for (unsigned ip = 0; ip < n_integration_points; ip++)
116 {
117 _ip_data.emplace_back(*ehlers_solid_material);
118 auto& ip_data = _ip_data[ip];
119 auto const& sm = shape_matrices[ip];
120 _ip_data[ip].integration_weight =
122 sm.integralMeasure * sm.detJ;
123
124 ip_data.N = sm.N;
125 ip_data.dNdx = sm.dNdx;
126
127 // Initialize current time step values
128 ip_data.sigma.setZero(
130 DisplacementDim));
132 DisplacementDim));
133
134 // Previous time step values are not initialized and are set later.
135 ip_data.sigma_prev.resize(
137 DisplacementDim));
138 ip_data.eps_prev.resize(
140 DisplacementDim));
141
142 _secondary_data.N[ip] = shape_matrices[ip].N;
143
144 ip_data.coordinates = getSingleIntegrationPointCoordinates(ip);
145 }
146 }
#define OGS_FATAL(...)
Definition Error.h:26
constexpr double getWeight() const
MathLib::WeightedPoint const & getWeightedPoint(unsigned const igp) const
auto & selectSolidConstitutiveRelation(SolidMaterialsMap const &constitutive_relations, MeshLib::PropertyVector< int > const *const material_ids, std::size_t const element_id)
constexpr int kelvin_vector_dimensions(int const displacement_dim)
Kelvin vector dimensions for given displacement dimension.
std::vector< typename ShapeMatricesType::ShapeMatrices, Eigen::aligned_allocator< typename ShapeMatricesType::ShapeMatrices > > initShapeMatrices(MeshLib::Element const &e, bool const is_axially_symmetric, IntegrationMethod const &integration_method)
std::vector< ShapeMatrixType, Eigen::aligned_allocator< ShapeMatrixType > > N

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_process_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_secondary_data, MeshLib::Element::getID(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getSingleIntegrationPointCoordinates(), MathLib::WeightedPoint::getWeight(), NumLib::GenericIntegrationMethod::getWeightedPoint(), NumLib::initShapeMatrices(), MathLib::KelvinVector::kelvin_vector_dimensions(), ProcessLib::SmallDeformationNonlocal::SecondaryData< ShapeMatrixType >::N, OGS_FATAL, and MaterialLib::Solids::selectSolidConstitutiveRelation().

Member Function Documentation

◆ alpha_0()

template<typename ShapeFunction , int DisplacementDim>
double ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::alpha_0 ( double const distance2) const
inline

Definition at line 192 of file SmallDeformationNonlocalFEM.h.

193 {
194 double const internal_length2 = _process_data.internal_length_squared;
195 return (distance2 > internal_length2)
196 ? 0
197 : (1 - distance2 / (internal_length2)) *
198 (1 - distance2 / (internal_length2));
199 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_process_data.

Referenced by ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::nonlocal().

◆ assemble()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::assemble ( double const ,
double const ,
std::vector< double > const & ,
std::vector< double > const & ,
std::vector< double > & ,
std::vector< double > & ,
std::vector< double > &  )
inlineoverridevirtual

Reimplemented from ProcessLib::LocalAssemblerInterface.

Definition at line 311 of file SmallDeformationNonlocalFEM.h.

317 {
318 OGS_FATAL(
319 "SmallDeformationNonlocalLocalAssembler: assembly without jacobian "
320 "is not "
321 "implemented.");
322 }

References OGS_FATAL.

◆ assembleWithJacobian()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::assembleWithJacobian ( double const t,
double const ,
std::vector< double > const & local_x,
std::vector< double > const & ,
std::vector< double > & local_b_data,
std::vector< double > & local_Jac_data )
inlineoverridevirtual

Reimplemented from ProcessLib::LocalAssemblerInterface.

Definition at line 437 of file SmallDeformationNonlocalFEM.h.

442 {
443 auto const local_matrix_size = local_x.size();
444
446 local_Jac_data, local_matrix_size, local_matrix_size);
447
449 local_b_data, local_matrix_size);
450
451 unsigned const n_integration_points =
453
455 x_position.setElementID(_element.getID());
456
457 // Non-local integration.
458 for (unsigned ip = 0; ip < n_integration_points; ip++)
459 {
460 auto const& w = _ip_data[ip].integration_weight;
461
462 auto const& N = _ip_data[ip].N;
463 auto const& dNdx = _ip_data[ip].dNdx;
464
465 auto const x_coord =
466 NumLib::interpolateXCoordinate<ShapeFunction,
468 auto const B = LinearBMatrix::computeBMatrix<
469 DisplacementDim, ShapeFunction::NPOINTS,
470 typename BMatricesType::BMatrixType>(dNdx, N, x_coord,
472
473 auto& sigma = _ip_data[ip].sigma;
474 auto& C = _ip_data[ip].C;
475 double& damage = _ip_data[ip].damage;
476
477 {
478 double nonlocal_kappa_d = 0;
479
480 if (_ip_data[ip].active_self || _ip_data[ip].activated)
481 {
482 for (auto const& tuple : _ip_data[ip].non_local_assemblers)
483 {
484 // Get local variable for the integration point l.
485 double const kappa_d_l = tuple.ip_l_pointer->kappa_d;
486 double const a_kl_times_w_l = tuple.alpha_kl_times_w_l;
487 nonlocal_kappa_d += a_kl_times_w_l * kappa_d_l;
488 }
489 }
490
491 auto const& ehlers_material =
493 DisplacementDim> const&>(_ip_data[ip].solid_material);
494
495 //
496 // Overnonlocal formulation
497 //
498 // See (Di Luzio & Bazant 2005, IJSS) for details.
499 // The implementation would go here and would be for a given
500 // gamma_nonlocal:
501 //
502 // Update nonlocal damage with local damage (scaled with 1 -
503 // \gamma_{nonlocal}) for the current integration point and the
504 // nonlocal integral part.
505 // nonlocal_kappa_d = (1. - gamma_nonlocal) * kappa_d +
506 // gamma_nonlocal * nonlocal_kappa_d;
507
508 nonlocal_kappa_d = std::max(0., nonlocal_kappa_d);
509
510 // Update damage based on nonlocal kappa_d
511 {
512 auto const damage_properties =
513 ehlers_material.evaluatedDamageProperties(t,
514 x_position);
515 damage = calculateDamage(nonlocal_kappa_d,
516 damage_properties.alpha_d,
517 damage_properties.beta_d);
518 damage = std::max(0., damage);
519 }
520 sigma = sigma * (1. - damage);
521 }
522
523 local_b.noalias() -= B.transpose() * sigma * w;
524 local_Jac.noalias() += B.transpose() * C * (1. - damage) * B * w;
525 }
526 }
std::size_t getID() const
Returns the ID of the element.
Definition Element.h:89
void setElementID(std::size_t element_id)
MatrixType< _kelvin_vector_size, _number_of_dof > BMatrixType
Eigen::Map< Vector > createZeroedVector(std::vector< double > &data, Eigen::VectorXd::Index size)
Eigen::Map< Matrix > createZeroedMatrix(std::vector< double > &data, Eigen::MatrixXd::Index rows, Eigen::MatrixXd::Index cols)
double interpolateXCoordinate(MeshLib::Element const &e, typename ShapeMatricesType::ShapeMatrices::ShapeType const &N)
BMatrixType computeBMatrix(DNDX_Type const &dNdx, N_Type const &N, const double radius, const bool is_axially_symmetric)
Fills a B-matrix based on given shape function dN/dx values.
double calculateDamage(double const kappa_d, double const alpha_d, double const beta_d)
Definition Damage.h:25

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_is_axially_symmetric, ProcessLib::SmallDeformationNonlocal::calculateDamage(), ProcessLib::LinearBMatrix::computeBMatrix(), MathLib::createZeroedMatrix(), MathLib::createZeroedVector(), MeshLib::Element::getID(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), NumLib::interpolateXCoordinate(), and ParameterLib::SpatialPosition::setElementID().

◆ computeCrackIntegral()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::computeCrackIntegral ( std::size_t mesh_item_id,
NumLib::LocalToGlobalIndexMap const & dof_table,
GlobalVector const & x,
double & crack_volume )
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 553 of file SmallDeformationNonlocalFEM.h.

557 {
558 auto const indices = NumLib::getIndices(mesh_item_id, dof_table);
559 auto local_x = x.get(indices);
560
561 auto u = Eigen::Map<typename BMatricesType::NodalForceVectorType const>(
562 local_x.data(), ShapeFunction::NPOINTS * DisplacementDim);
563
564 int const n_integration_points =
566
567 for (int ip = 0; ip < n_integration_points; ip++)
568 {
569 auto const& dNdx = _ip_data[ip].dNdx;
570 auto const& d = _ip_data[ip].damage;
571 auto const& w = _ip_data[ip].integration_weight;
572
573 double const div_u =
574 (dNdx.template topRows<DisplacementDim>() *
575 u.reshaped(ShapeFunction::NPOINTS, DisplacementDim))
576 .trace();
577 crack_volume += div_u * d * w;
578 }
579 }
std::vector< GlobalIndexType > getIndices(std::size_t const mesh_item_id, NumLib::LocalToGlobalIndexMap const &dof_table)

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, MathLib::EigenVector::get(), NumLib::getIndices(), and NumLib::GenericIntegrationMethod::getNumberOfPoints().

◆ getIntegrationPointCoordinates()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntegrationPointCoordinates ( Eigen::Vector3d const & coords,
std::vector< double > & distances ) const
inlineoverridevirtual

For each of the current element's integration points the squared distance from the current integration point is computed and stored in the given distances cache.

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 295 of file SmallDeformationNonlocalFEM.h.

298 {
299 unsigned const n_integration_points =
301
302 distances.resize(n_integration_points);
303
304 for (unsigned ip = 0; ip < n_integration_points; ip++)
305 {
306 auto const& xyz = _ip_data[ip].coordinates;
307 distances[ip] = (xyz - coords).squaredNorm();
308 }
309 }
constexpr ranges::views::view_closure coords
Definition Mesh.h:232

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, and NumLib::GenericIntegrationMethod::getNumberOfPoints().

◆ getIntPtDamage()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtDamage ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

◆ getIntPtEpsilon() [1/2]

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsilon ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

◆ getIntPtEpsilon() [2/2]

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsilon ( std::vector< double > & cache,
std::size_t const component ) const
inlineprivate

Definition at line 770 of file SmallDeformationNonlocalFEM.h.

772 {
773 cache.clear();
774 cache.reserve(_ip_data.size());
775
776 for (auto const& ip_data : _ip_data)
777 {
778 if (component < 3) // xx, yy, zz components
779 cache.push_back(ip_data.eps[component]);
780 else // mixed xy, yz, xz components
781 cache.push_back(ip_data.eps[component] / std::sqrt(2));
782 }
783
784 return cache;
785 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data.

◆ getIntPtEpsPDXX()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsPDXX ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 653 of file SmallDeformationNonlocalFEM.h.

658 {
659 cache.clear();
660 cache.reserve(_ip_data.size());
661
662 transform(cbegin(_ip_data), cend(_ip_data), back_inserter(cache),
663 [](auto const& ip_data) { return *ip_data.eps_p_D_xx; });
664
665 return cache;
666 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data.

◆ getIntPtEpsPV()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsPV ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 638 of file SmallDeformationNonlocalFEM.h.

643 {
644 cache.clear();
645 cache.reserve(_ip_data.size());
646
647 transform(cbegin(_ip_data), cend(_ip_data), back_inserter(cache),
648 [](auto const& ip_data) { return *ip_data.eps_p_V; });
649
650 return cache;
651 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data.

◆ getIntPtFreeEnergyDensity()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtFreeEnergyDensity ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 622 of file SmallDeformationNonlocalFEM.h.

627 {
628 cache.clear();
629 cache.reserve(_ip_data.size());
630
631 transform(cbegin(_ip_data), cend(_ip_data), back_inserter(cache),
632 [](auto const& ip_data)
633 { return ip_data.free_energy_density; });
634
635 return cache;
636 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data.

◆ getIntPtSigma() [1/2]

◆ getIntPtSigma() [2/2]

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtSigma ( std::vector< double > & cache,
std::size_t const component ) const
inlineprivate

Definition at line 749 of file SmallDeformationNonlocalFEM.h.

751 {
752 cache.clear();
753 cache.reserve(_ip_data.size());
754
755 for (auto const& ip_data : _ip_data)
756 {
757 if (component < 3)
758 { // xx, yy, zz components
759 cache.push_back(ip_data.sigma[component]);
760 }
761 else
762 { // mixed xy, yz, xz components
763 cache.push_back(ip_data.sigma[component] / std::sqrt(2));
764 }
765 }
766
767 return cache;
768 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data.

◆ getIPDataPtr()

◆ getKappaD()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getKappaD ( ) const
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 710 of file SmallDeformationNonlocalFEM.h.

711 {
712 unsigned const n_integration_points =
714
715 std::vector<double> result_values;
716 result_values.resize(n_integration_points);
717
718 for (unsigned ip = 0; ip < n_integration_points; ++ip)
719 {
720 result_values[ip] = _ip_data[ip].kappa_d;
721 }
722
723 return result_values;
724 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, and NumLib::GenericIntegrationMethod::getNumberOfPoints().

◆ getMaterialStateVariablesAt()

template<typename ShapeFunction , int DisplacementDim>
MaterialLib::Solids::MechanicsBase< DisplacementDim >::MaterialStateVariables const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getMaterialStateVariablesAt ( int const integration_point) const
inlineoverridevirtual

◆ getNodalValues()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getNodalValues ( std::vector< double > & nodal_values) const
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 590 of file SmallDeformationNonlocalFEM.h.

592 {
593 nodal_values.clear();
595 nodal_values, ShapeFunction::NPOINTS * DisplacementDim);
596
597 unsigned const n_integration_points =
599
600 for (unsigned ip = 0; ip < n_integration_points; ip++)
601 {
602 auto const& w = _ip_data[ip].integration_weight;
603
604 auto const& N = _ip_data[ip].N;
605 auto const& dNdx = _ip_data[ip].dNdx;
606
607 auto const x_coord =
608 NumLib::interpolateXCoordinate<ShapeFunction,
610 auto const B = LinearBMatrix::computeBMatrix<
611 DisplacementDim, ShapeFunction::NPOINTS,
612 typename BMatricesType::BMatrixType>(dNdx, N, x_coord,
614 auto& sigma = _ip_data[ip].sigma;
615
616 local_b.noalias() += B.transpose() * sigma * w;
617 }
618
619 return nodal_values;
620 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_is_axially_symmetric, ProcessLib::LinearBMatrix::computeBMatrix(), MathLib::createZeroedVector(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), and NumLib::interpolateXCoordinate().

◆ getNumberOfIntegrationPoints()

◆ getShapeMatrix()

template<typename ShapeFunction , int DisplacementDim>
Eigen::Map< const Eigen::RowVectorXd > ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getShapeMatrix ( const unsigned integration_point) const
inlineoverridevirtual

Provides the shape matrix at the given integration point.

Implements NumLib::ExtrapolatableElement.

Definition at line 581 of file SmallDeformationNonlocalFEM.h.

583 {
584 auto const& N = _secondary_data.N[integration_point];
585
586 // assumes N is stored contiguously in memory
587 return Eigen::Map<const Eigen::RowVectorXd>(N.data(), N.size());
588 }

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_secondary_data, and ProcessLib::SmallDeformationNonlocal::SecondaryData< ShapeMatrixType >::N.

◆ getSigma()

◆ getSingleIntegrationPointCoordinates()

template<typename ShapeFunction , int DisplacementDim>
Eigen::Vector3d ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getSingleIntegrationPointCoordinates ( int integration_point) const
inline

Definition at line 277 of file SmallDeformationNonlocalFEM.h.

279 {
280 auto const& N = _secondary_data.N[integration_point];
281
282 Eigen::Vector3d xyz = Eigen::Vector3d::Zero(); // Resulting coordinates
283 auto* nodes = _element.getNodes();
284 for (int i = 0; i < N.size(); ++i)
285 {
286 auto const& node_coordinates{nodes[i]->asEigenVector3d()};
287 xyz += node_coordinates * N[i];
288 }
289 return xyz;
290 }
virtual Node *const * getNodes() const =0
Get array of element nodes.

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_secondary_data, MeshLib::Element::getNodes(), and ProcessLib::SmallDeformationNonlocal::SecondaryData< ShapeMatrixType >::N.

Referenced by ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler().

◆ initializeConcrete()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::initializeConcrete ( )
inlineoverridevirtual

◆ nonlocal()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::nonlocal ( std::size_t const ,
std::vector< std::unique_ptr< SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim > > > const & local_assemblers )
inlineoverride

Definition at line 201 of file SmallDeformationNonlocalFEM.h.

206 {
207 auto const search_element_ids = MeshLib::findElementsWithinRadius(
208 _element, _process_data.internal_length_squared);
209
210 unsigned const n_integration_points =
212
213 std::vector<double> distances; // Cache for ip-ip distances.
214 //
215 // For every integration point in this element collect the neighbouring
216 // integration points falling in given radius (internal length) and
217 // compute the alpha_kl weight.
218 //
219 for (unsigned k = 0; k < n_integration_points; k++)
220 {
221 //
222 // Collect the integration points.
223 //
224
225 auto const& xyz = _ip_data[k].coordinates;
226
227 // For all neighbors of element
228 for (auto const search_element_id : search_element_ids)
229 {
230 auto const& la = local_assemblers[search_element_id];
231 la->getIntegrationPointCoordinates(xyz, distances);
232 for (int ip = 0; ip < static_cast<int>(distances.size()); ++ip)
233 {
234 if (distances[ip] >= _process_data.internal_length_squared)
235 {
236 continue;
237 }
238 // save into current ip_k
239 _ip_data[k].non_local_assemblers.push_back(
240 {la->getIPDataPtr(ip),
241 std::numeric_limits<double>::quiet_NaN(),
242 distances[ip]});
243 }
244 }
245 if (_ip_data[k].non_local_assemblers.size() == 0)
246 {
247 OGS_FATAL("no neighbours found!");
248 }
249
250 double a_k_sum_m = 0;
251 for (auto const& tuple : _ip_data[k].non_local_assemblers)
252 {
253 double const distance2_m = tuple.distance2;
254
255 auto const& w_m = tuple.ip_l_pointer->integration_weight;
256
257 a_k_sum_m += w_m * alpha_0(distance2_m);
258 }
259
260 //
261 // Calculate alpha_kl =
262 // alpha_0(|x_k - x_l|) / int_{m \in ip} alpha_0(|x_k - x_m|)
263 //
264 for (auto& tuple : _ip_data[k].non_local_assemblers)
265 {
266 double const distance2_l = tuple.distance2;
267 double const a_kl = alpha_0(distance2_l) / a_k_sum_m;
268
269 // Store the a_kl already multiplied with the integration
270 // weight of that l integration point.
271 auto const w_l = tuple.ip_l_pointer->integration_weight;
272 tuple.alpha_kl_times_w_l = a_kl * w_l;
273 }
274 }
275 }
std::vector< std::size_t > findElementsWithinRadius(Element const &start_element, double const radius_squared)

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_process_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::alpha_0(), MeshLib::findElementsWithinRadius(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), and OGS_FATAL.

◆ postTimestepConcrete()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::postTimestepConcrete ( Eigen::VectorXd const & ,
Eigen::VectorXd const & ,
double const ,
double const ,
int const  )
inlineoverridevirtual

◆ preAssemble()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::preAssemble ( double const t,
double const dt,
std::vector< double > const & local_x )
inlineoverridevirtual

Compute only the local kappa_d.

Reimplemented from ProcessLib::LocalAssemblerInterface.

Definition at line 324 of file SmallDeformationNonlocalFEM.h.

326 {
327 auto const n_integration_points =
329
330 MPL::VariableArray variables;
331 MPL::VariableArray variables_prev;
333 x_position.setElementID(_element.getID());
334
335 for (unsigned ip = 0; ip < n_integration_points; ip++)
336 {
337 auto const& N = _ip_data[ip].N;
338 auto const& dNdx = _ip_data[ip].dNdx;
339
340 auto const x_coord =
341 NumLib::interpolateXCoordinate<ShapeFunction,
343 auto const B = LinearBMatrix::computeBMatrix<
344 DisplacementDim, ShapeFunction::NPOINTS,
345 typename BMatricesType::BMatrixType>(dNdx, N, x_coord,
347 auto const& eps_prev = _ip_data[ip].eps_prev;
348 auto const& sigma_prev = _ip_data[ip].sigma_prev;
349
350 auto& eps = _ip_data[ip].eps;
351 auto& sigma = _ip_data[ip].sigma;
352 auto& C = _ip_data[ip].C;
353 auto& state = _ip_data[ip].material_state_variables;
354 double const& damage_prev = _ip_data[ip].damage_prev;
355
356 eps.noalias() =
357 B *
358 Eigen::Map<typename BMatricesType::NodalForceVectorType const>(
359 local_x.data(), ShapeFunction::NPOINTS * DisplacementDim);
360
361 // sigma is for plastic part only.
362 std::unique_ptr<
364 new_C;
365 std::unique_ptr<typename MaterialLib::Solids::MechanicsBase<
366 DisplacementDim>::MaterialStateVariables>
367 new_state;
368
369 // Compute sigma_eff from damage total stress sigma
371 KelvinVectorType const sigma_eff_prev =
372 sigma_prev /
373 (1. - damage_prev); // damage_prev is in [0,1) range. See
374 // calculateDamage() function.
375
376 variables_prev.stress.emplace<
378 sigma_eff_prev);
379 variables_prev.mechanical_strain.emplace<
381 eps_prev);
382 variables_prev.temperature = _process_data.reference_temperature;
383 variables.mechanical_strain.emplace<
385 variables.temperature = _process_data.reference_temperature;
386
387 auto&& solution = _ip_data[ip].solid_material.integrateStress(
388 variables_prev, variables, t, x_position, dt, *state);
389
390 if (!solution)
391 {
392 OGS_FATAL("Computation of local constitutive relation failed.");
393 }
394
395 std::tie(sigma, state, C) = std::move(*solution);
396
398 {
399 auto const& ehlers_material =
401 DisplacementDim> const&>(_ip_data[ip].solid_material);
402 auto const damage_properties =
403 ehlers_material.evaluatedDamageProperties(t, x_position);
404 auto const material_properties =
405 ehlers_material.evaluatedMaterialProperties(t, x_position);
406
407 // Ehlers material state variables
408 auto& state_vars =
410 DisplacementDim>&>(
411 *_ip_data[ip].material_state_variables);
412
413 double const eps_p_eff_diff =
414 state_vars.eps_p.eff - state_vars.eps_p_prev.eff;
415
417 eps_p_eff_diff, sigma, _ip_data[ip].kappa_d_prev,
418 damage_properties.h_d, material_properties);
419
420 if (!_ip_data[ip].active_self)
421 {
422 _ip_data[ip].active_self |= _ip_data[ip].kappa_d > 0;
423 if (_ip_data[ip].active_self)
424 {
425 for (auto const& tuple :
426 _ip_data[ip].non_local_assemblers)
427 {
428 // Activate the integration point.
429 tuple.ip_l_pointer->activated = true;
430 }
431 }
432 }
433 }
434 }
435 }
DamageProperties evaluatedDamageProperties(double const t, ParameterLib::SpatialPosition const &x) const
Definition Ehlers.h:343
VectorType< _kelvin_vector_size > KelvinVectorType
Eigen::Matrix< double, kelvin_vector_dimensions(DisplacementDim), 1, Eigen::ColMajor > KelvinVectorType
Eigen::Matrix< double, kelvin_vector_dimensions(DisplacementDim), kelvin_vector_dimensions(DisplacementDim), Eigen::RowMajor > KelvinMatrixType
double calculateDamageKappaD(double const eps_p_eff_diff, KelvinVectorType const &sigma, double const kappa_d_prev, double const h_d, MaterialLib::Solids::Ehlers::MaterialProperties const &mp)
Definition Damage.h:39
PlasticStrain< KelvinVector > eps_p
plastic part of the state.
Definition Ehlers.h:244

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_is_axially_symmetric, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_process_data, ProcessLib::SmallDeformationNonlocal::calculateDamageKappaD(), ProcessLib::LinearBMatrix::computeBMatrix(), MaterialLib::Solids::Ehlers::StateVariables< DisplacementDim >::eps_p, MaterialLib::Solids::Ehlers::SolidEhlers< DisplacementDim >::evaluatedDamageProperties(), MeshLib::Element::getID(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), NumLib::interpolateXCoordinate(), MaterialPropertyLib::VariableArray::mechanical_strain, OGS_FATAL, ParameterLib::SpatialPosition::setElementID(), MaterialPropertyLib::VariableArray::stress, and MaterialPropertyLib::VariableArray::temperature.

◆ setIPDataInitialConditions()

template<typename ShapeFunction , int DisplacementDim>
std::size_t ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setIPDataInitialConditions ( std::string_view const name,
double const * values,
int const integration_order )
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 148 of file SmallDeformationNonlocalFEM.h.

151 {
152 if (integration_order !=
153 static_cast<int>(_integration_method.getIntegrationOrder()))
154 {
155 OGS_FATAL(
156 "Setting integration point initial conditions; The integration "
157 "order of the local assembler for element {:d} is different "
158 "from the integration order in the initial condition.",
159 _element.getID());
160 }
161
162 if (name == "sigma")
163 {
164 return setSigma(values);
165 }
166
167 if (name == "kappa_d")
168 {
171 }
172
173 return 0;
174 }
std::size_t setIntegrationPointScalarData(double const *values, IntegrationPointDataVector &ip_data_vector, MemberType IpData::*const member)

References ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_element, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data, MeshLib::Element::getID(), NumLib::GenericIntegrationMethod::getIntegrationOrder(), ProcessLib::SmallDeformationNonlocal::IntegrationPointDataNonlocalInterface::kappa_d, OGS_FATAL, ProcessLib::setIntegrationPointScalarData(), and ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setSigma().

◆ setIPDataInitialConditionsFromCellData()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setIPDataInitialConditionsFromCellData ( std::string const & name,
std::vector< double > const & value )
inlineoverridevirtual

Implements ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssemblerInterface< DisplacementDim >.

Definition at line 176 of file SmallDeformationNonlocalFEM.h.

178 {
179 if (name == "kappa_d_ip")
180 {
181 if (value.size() != 1)
182 {
183 OGS_FATAL(
184 "CellData for kappa_d initial conditions has wrong number "
185 "of components. 1 expected, got {:d}.",
186 value.size());
187 }
188 setKappaD(value[0]);
189 }
190 }

References OGS_FATAL, and ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setKappaD().

◆ setKappaD()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setKappaD ( double value)
inline

◆ setSigma()

Member Data Documentation

◆ _element

◆ _integration_method

template<typename ShapeFunction , int DisplacementDim>
NumLib::GenericIntegrationMethod const& ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_integration_method
private

Definition at line 797 of file SmallDeformationNonlocalFEM.h.

Referenced by ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::assembleWithJacobian(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::computeCrackIntegral(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntegrationPointCoordinates(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getKappaD(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getNodalValues(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getNumberOfIntegrationPoints(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::initializeConcrete(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::nonlocal(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::postTimestepConcrete(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::preAssemble(), and ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setIPDataInitialConditions().

◆ _ip_data

template<typename ShapeFunction , int DisplacementDim>
std::vector<IpData, Eigen::aligned_allocator<IpData> > ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::_ip_data
private

Definition at line 795 of file SmallDeformationNonlocalFEM.h.

Referenced by ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::SmallDeformationNonlocalLocalAssembler(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::assembleWithJacobian(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::computeCrackIntegral(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntegrationPointCoordinates(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtDamage(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsilon(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsilon(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsPDXX(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtEpsPV(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtFreeEnergyDensity(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtSigma(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIntPtSigma(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getIPDataPtr(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getKappaD(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getMaterialStateVariablesAt(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getNodalValues(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::getSigma(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::initializeConcrete(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::nonlocal(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::postTimestepConcrete(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::preAssemble(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setIPDataInitialConditions(), ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setKappaD(), and ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::setSigma().

◆ _is_axially_symmetric

◆ _process_data

◆ _secondary_data

◆ displacement_size

template<typename ShapeFunction , int DisplacementDim>
const int ProcessLib::SmallDeformationNonlocal::SmallDeformationNonlocalLocalAssembler< ShapeFunction, DisplacementDim >::displacement_size
staticprivate
Initial value:
=
ShapeFunction::NPOINTS * DisplacementDim

Definition at line 802 of file SmallDeformationNonlocalFEM.h.


The documentation for this class was generated from the following file: