OGS
ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim > Class Template Reference

Detailed Description

template<typename ShapeFunction, int DisplacementDim>
class ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >

Definition at line 32 of file SmallDeformationLocalAssemblerFracture.h.

#include <SmallDeformationLocalAssemblerFracture.h>

Inheritance diagram for ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >:
[legend]
Collaboration diagram for ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >:
[legend]

Public Types

using ShapeMatricesType
 
using NodalMatrixType = typename ShapeMatricesType::NodalMatrixType
 
using NodalVectorType = typename ShapeMatricesType::NodalVectorType
 
using ShapeMatrices = typename ShapeMatricesType::ShapeMatrices
 
using HMatricesType = HMatrixPolicyType<ShapeFunction, DisplacementDim>
 
using HMatrixType = typename HMatricesType::HMatrixType
 
using StiffnessMatrixType = typename HMatricesType::StiffnessMatrixType
 
using NodalForceVectorType = typename HMatricesType::NodalForceVectorType
 
using NodalDisplacementVectorType
 
using ForceVectorType = typename HMatricesType::ForceVectorType
 
using GlobalDimVectorType = Eigen::Matrix<double, DisplacementDim, 1>
 

Public Member Functions

 SmallDeformationLocalAssemblerFracture (SmallDeformationLocalAssemblerFracture const &)=delete
 
 SmallDeformationLocalAssemblerFracture (SmallDeformationLocalAssemblerFracture &&)=delete
 
 SmallDeformationLocalAssemblerFracture (MeshLib::Element const &e, std::size_t const n_variables, std::size_t const local_matrix_size, std::vector< unsigned > const &dofIndex_to_localIndex, NumLib::GenericIntegrationMethod const &integration_method, bool const is_axially_symmetric, SmallDeformationProcessData< DisplacementDim > &process_data)
 
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 assembleWithJacobian (double const t, double const dt, Eigen::VectorXd const &local_u, Eigen::VectorXd &local_b, Eigen::MatrixXd &local_J) override
 
void preTimestepConcrete (std::vector< double > const &, double const, double const) override
 
void computeSecondaryVariableConcreteWithVector (const double t, Eigen::VectorXd const &local_u) 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 & 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::vector< double > const & getIntPtFractureStress (const double t, std::vector< GlobalVector * > const &x, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_table, std::vector< double > &cache) const override
 
std::vector< double > const & getIntPtFractureAperture (const double t, std::vector< GlobalVector * > const &x, std::vector< NumLib::LocalToGlobalIndexMap const * > const &dof_table, std::vector< double > &cache) const override
 
- Public Member Functions inherited from ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface
 SmallDeformationLocalAssemblerInterface ()
 
 SmallDeformationLocalAssemblerInterface (std::size_t n_local_size, std::vector< unsigned > dofIndex_to_localIndex)
 
void assembleWithJacobian (double const t, double const dt, std::vector< double > const &local_x_, std::vector< double > const &, std::vector< double > &, std::vector< double > &, std::vector< double > &local_b_data, std::vector< double > &local_Jac_data) override
 
void computeSecondaryVariableConcrete (double const t, double const, Eigen::VectorXd const &local_x, Eigen::VectorXd const &) override
 
- 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 preAssemble (double const, double const, std::vector< double > const &)
 
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_M_data, std::vector< double > &local_K_data, 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.
 
- Public Member Functions inherited from NumLib::ExtrapolatableElement
virtual ~ExtrapolatableElement ()=default
 

Private Types

using IntegrationPointDataType
 

Private Attributes

SmallDeformationProcessData< DisplacementDim > & _process_data
 
std::vector< FractureProperty * > _fracture_props
 
std::vector< JunctionProperty * > _junction_props
 
std::unordered_map< int, int > _fracID_to_local
 
FractureProperty const * _fracture_property = nullptr
 
std::vector< IntegrationPointDataType, Eigen::aligned_allocator< IntegrationPointDataType > > _ip_data
 
NumLib::GenericIntegrationMethod const & _integration_method
 
std::vector< ShapeMatrices, Eigen::aligned_allocator< typename ShapeMatricesType::ShapeMatrices > > _shape_matrices
 
MeshLib::Element const & _element
 
SecondaryData< typename ShapeMatrices::ShapeType > _secondary_data
 

Additional Inherited Members

Member Typedef Documentation

◆ ForceVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::ForceVectorType = typename HMatricesType::ForceVectorType

Definition at line 49 of file SmallDeformationLocalAssemblerFracture.h.

◆ GlobalDimVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::GlobalDimVectorType = Eigen::Matrix<double, DisplacementDim, 1>

Definition at line 50 of file SmallDeformationLocalAssemblerFracture.h.

◆ HMatricesType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::HMatricesType = HMatrixPolicyType<ShapeFunction, DisplacementDim>

Definition at line 41 of file SmallDeformationLocalAssemblerFracture.h.

◆ HMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::HMatrixType = typename HMatricesType::HMatrixType

Definition at line 43 of file SmallDeformationLocalAssemblerFracture.h.

◆ IntegrationPointDataType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::IntegrationPointDataType
private
Initial value:
IntegrationPointDataFracture<HMatricesType, DisplacementDim>

Definition at line 147 of file SmallDeformationLocalAssemblerFracture.h.

◆ NodalDisplacementVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::NodalDisplacementVectorType
Initial value:
VectorType< _number_of_dof > NodalForceVectorType

Definition at line 46 of file SmallDeformationLocalAssemblerFracture.h.

◆ NodalForceVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::NodalForceVectorType = typename HMatricesType::NodalForceVectorType

Definition at line 45 of file SmallDeformationLocalAssemblerFracture.h.

◆ NodalMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::NodalMatrixType = typename ShapeMatricesType::NodalMatrixType

Definition at line 38 of file SmallDeformationLocalAssemblerFracture.h.

◆ NodalVectorType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::NodalVectorType = typename ShapeMatricesType::NodalVectorType

Definition at line 39 of file SmallDeformationLocalAssemblerFracture.h.

◆ ShapeMatrices

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::ShapeMatrices = typename ShapeMatricesType::ShapeMatrices

Definition at line 40 of file SmallDeformationLocalAssemblerFracture.h.

◆ ShapeMatricesType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::ShapeMatricesType

◆ StiffnessMatrixType

template<typename ShapeFunction , int DisplacementDim>
using ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::StiffnessMatrixType = typename HMatricesType::StiffnessMatrixType

Definition at line 44 of file SmallDeformationLocalAssemblerFracture.h.

Constructor & Destructor Documentation

◆ SmallDeformationLocalAssemblerFracture() [1/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::SmallDeformationLocalAssemblerFracture ( SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim > const & )
delete

◆ SmallDeformationLocalAssemblerFracture() [2/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::SmallDeformationLocalAssemblerFracture ( SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim > && )
delete

◆ SmallDeformationLocalAssemblerFracture() [3/3]

template<typename ShapeFunction , int DisplacementDim>
ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::SmallDeformationLocalAssemblerFracture ( MeshLib::Element const & e,
std::size_t const n_variables,
std::size_t const local_matrix_size,
std::vector< unsigned > const & dofIndex_to_localIndex,
NumLib::GenericIntegrationMethod const & integration_method,
bool const is_axially_symmetric,
SmallDeformationProcessData< DisplacementDim > & process_data )

Definition at line 31 of file SmallDeformationLocalAssemblerFracture-impl.h.

41 n_variables * ShapeFunction::NPOINTS * DisplacementDim,
42 dofIndex_to_localIndex),
43 _process_data(process_data),
44 _integration_method(integration_method),
47 DisplacementDim>(e, is_axially_symmetric,
49 _element(e)
50{
51 assert(_element.getDimension() == DisplacementDim - 1);
52
53 unsigned const n_integration_points =
55
56 _ip_data.reserve(n_integration_points);
57 _secondary_data.N.resize(n_integration_points);
58
59 auto mat_id = (*_process_data._mesh_prop_materialIDs)[e.getID()];
60 auto frac_id = _process_data._map_materialID_to_fractureID[mat_id];
61 _fracture_property = &_process_data.fracture_properties[frac_id];
62 for (auto fid : process_data._vec_ele_connected_fractureIDs[e.getID()])
63 {
64 _fracID_to_local.insert({fid, _fracture_props.size()});
65 _fracture_props.push_back(&_process_data.fracture_properties[fid]);
66 }
67
68 _junction_props = process_data._vec_ele_connected_junctionIDs[e.getID()] |
69 ranges::views::transform(
70 [&](auto const jid)
71 { return &_process_data.junction_properties[jid]; }) |
72 ranges::to<std::vector>;
73
75 x_position.setElementID(_element.getID());
76 for (unsigned ip = 0; ip < n_integration_points; ip++)
77 {
78 x_position.setIntegrationPoint(ip);
79
80 _ip_data.emplace_back(*_process_data._fracture_model);
81 auto const& sm = _shape_matrices[ip];
82 auto& ip_data = _ip_data[ip];
83 ip_data.integration_weight =
85 sm.integralMeasure * sm.detJ;
86 ip_data.h_matrices.setZero(DisplacementDim,
87 ShapeFunction::NPOINTS * DisplacementDim);
88
89 computeHMatrix<DisplacementDim, ShapeFunction::NPOINTS,
91 HMatrixType>(sm.N, ip_data.h_matrices);
92
93 // Initialize current time step values
94 ip_data.w.setZero(DisplacementDim);
95 ip_data.sigma.setZero(DisplacementDim);
96
97 // Previous time step values are not initialized and are set later.
98 ip_data.sigma_prev.resize(DisplacementDim);
99 ip_data.w_prev.resize(DisplacementDim);
100
101 ip_data.C.resize(DisplacementDim, DisplacementDim);
102
103 ip_data.aperture0 = _fracture_property->aperture0(0, x_position)[0];
104 ip_data.aperture_prev = ip_data.aperture0;
105
106 _secondary_data.N[ip] = sm.N;
107 }
108}
double getWeight() const
virtual constexpr unsigned getDimension() const =0
Get dimension of the mesh element.
std::size_t getID() const
Returns the ID of the element.
Definition Element.h:89
MathLib::WeightedPoint const & getWeightedPoint(unsigned const igp) const
void setElementID(std::size_t element_id)
std::vector< IntegrationPointDataType, Eigen::aligned_allocator< IntegrationPointDataType > > _ip_data
std::vector< ShapeMatrices, Eigen::aligned_allocator< typename ShapeMatricesType::ShapeMatrices > > _shape_matrices
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)
void computeHMatrix(N_Type const &N, HMatrixType &H)
Fills a H-matrix based on given shape function.
RowVectorType< ShapeFunction::NPOINTS > NodalRowVectorType
std::vector< ShapeMatrixType, Eigen::aligned_allocator< ShapeMatrixType > > N
ParameterLib::Parameter< double > const & aperture0
Initial aperture.

References ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_element, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_fracID_to_local, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_fracture_property, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_fracture_props, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_integration_method, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_ip_data, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_junction_props, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_process_data, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_secondary_data, ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_shape_matrices, ProcessLib::LIE::SmallDeformation::SmallDeformationProcessData< DisplacementDim >::_vec_ele_connected_fractureIDs, ProcessLib::LIE::SmallDeformation::SmallDeformationProcessData< DisplacementDim >::_vec_ele_connected_junctionIDs, ProcessLib::LIE::FractureProperty::aperture0, ProcessLib::computeHMatrix(), MeshLib::Element::getDimension(), MeshLib::Element::getID(), NumLib::GenericIntegrationMethod::getNumberOfPoints(), MathLib::WeightedPoint::getWeight(), NumLib::GenericIntegrationMethod::getWeightedPoint(), ProcessLib::HeatTransportBHE::SecondaryData< ShapeMatrixType >::N, and ParameterLib::SpatialPosition::setElementID().

Member Function Documentation

◆ assemble()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< 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 66 of file SmallDeformationLocalAssemblerFracture.h.

72 {
74 "SmallDeformationLocalAssembler: assembly without jacobian is not "
75 "implemented.");
76 }
#define OGS_FATAL(...)
Definition Error.h:26

References OGS_FATAL.

◆ assembleWithJacobian()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::assembleWithJacobian ( double const t,
double const dt,
Eigen::VectorXd const & local_u,
Eigen::VectorXd & local_b,
Eigen::MatrixXd & local_J )
overridevirtual

Reimplemented from ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 111 of file SmallDeformationLocalAssemblerFracture-impl.h.

115{
116 auto const N_DOF_PER_VAR = ShapeFunction::NPOINTS * DisplacementDim;
117 auto const n_fractures = _fracture_props.size();
118 auto const n_junctions = _junction_props.size();
119 auto const n_enrich_var = n_fractures + n_junctions;
120
121 //--------------------------------------------------------------------------------------
122 // prepare sub vectors, matrices for regular displacement (u) and
123 // displacement jumps (g)
124 //
125 // example with two fractures with one intersection:
126 // b = |b(g1)|
127 // |b(g2)|
128 //
129 // J = |J(g1,g1) J(g1,g2)|
130 // |J(g2,g1) J(g2,g2)|
131 //--------------------------------------------------------------------------------------
132
133 using BlockVectorType =
134 typename Eigen::VectorXd::FixedSegmentReturnType<N_DOF_PER_VAR>::Type;
135 using BlockMatrixType =
136 Eigen::Block<Eigen::MatrixXd, N_DOF_PER_VAR, N_DOF_PER_VAR>;
137
138 std::vector<BlockVectorType> vec_local_b_g;
139 for (unsigned i = 0; i < n_enrich_var; i++)
140 {
141 vec_local_b_g.push_back(
142 local_b.segment<N_DOF_PER_VAR>(N_DOF_PER_VAR * i));
143 }
144 std::vector<std::vector<BlockMatrixType>> vec_local_J_gg(n_enrich_var);
145 for (unsigned i = 0; i < n_enrich_var; i++)
146 {
147 for (unsigned j = 0; j < n_enrich_var; j++)
148 {
149 auto sub_gg = local_J.block<N_DOF_PER_VAR, N_DOF_PER_VAR>(
150 N_DOF_PER_VAR * i, N_DOF_PER_VAR * j);
151 vec_local_J_gg[i].push_back(sub_gg);
152 }
153 }
154
155 std::vector<Eigen::VectorXd> vec_nodal_g;
156 for (unsigned i = 0; i < n_enrich_var; i++)
157 {
158 auto sub = const_cast<Eigen::VectorXd&>(local_u).segment<N_DOF_PER_VAR>(
159 N_DOF_PER_VAR * i);
160 vec_nodal_g.push_back(sub);
161 }
162
163 //------------------------------------------------
164 // integration
165 //------------------------------------------------
166 // the index of a normal (normal to a fracture plane) component
167 // in a displacement vector
168 int const index_normal = DisplacementDim - 1;
169 auto const& R = _fracture_property->R;
170
171 unsigned const n_integration_points =
173
175 x_position.setElementID(_element.getID());
176
177 for (unsigned ip = 0; ip < n_integration_points; ip++)
178 {
179 x_position.setIntegrationPoint(ip);
180
181 auto& ip_data = _ip_data[ip];
182 auto const& integration_weight = ip_data.integration_weight;
183 auto const& H = ip_data.h_matrices;
184 auto& mat = ip_data.fracture_material;
185 auto& sigma = ip_data.sigma;
186 auto const& sigma_prev = ip_data.sigma_prev;
187 auto& w = ip_data.w;
188 auto const& w_prev = ip_data.w_prev;
189 auto& C = ip_data.C;
190 auto& state = *ip_data.material_state_variables;
191 auto const& N = _secondary_data.N[ip];
192
193 auto const ip_physical_coords(computePhysicalCoordinates(_element, N));
194 std::vector<double> const levelsets(duGlobalEnrichments(
196 _fracID_to_local, ip_physical_coords));
197
198 // du = du^hat + sum_i(enrich^br_i(x) * [u]_i) + sum_i(enrich^junc_i(x)
199 // * [u]_i)
200 Eigen::VectorXd nodal_gap(N_DOF_PER_VAR);
201 nodal_gap.setZero();
202 for (unsigned i = 0; i < n_enrich_var; i++)
203 {
204 nodal_gap += levelsets[i] * vec_nodal_g[i];
205 }
206
207 // displacement jumps
208 w.noalias() = R * H * nodal_gap;
209
210 // total aperture
211 ip_data.aperture = ip_data.aperture0 + w[index_normal];
212
213 // local C, local stress
214 mat.computeConstitutiveRelation(
215 t, x_position, ip_data.aperture0,
216 Eigen::Matrix<double, DisplacementDim, 1>::Zero(), // TODO (naumov)
217 // Replace with
218 // initial
219 // stress values
220 w_prev, w, sigma_prev, sigma, C, state);
221
222 // r_[u] += H^T*Stress
223 for (unsigned i = 0; i < n_enrich_var; i++)
224 {
225 vec_local_b_g[i].noalias() -= levelsets[i] * H.transpose() *
226 R.transpose() * sigma *
227 integration_weight;
228 }
229
230 // J_[u][u] += H^T*C*H
231 for (unsigned i = 0; i < n_enrich_var; i++)
232 {
233 for (unsigned j = 0; j < n_enrich_var; j++)
234 {
235 // J_[u][u] += (levelset * B)^T * C * (levelset * B)
236 vec_local_J_gg[i][j].noalias() +=
237 (levelsets[i] * H.transpose() * R.transpose()) * C *
238 (levelsets[j] * R * H) * integration_weight;
239 }
240 }
241 }
242}
void setIntegrationPoint(unsigned integration_point)
std::vector< double > duGlobalEnrichments(std::size_t this_frac_id, std::vector< FractureProperty * > const &frac_props, std::vector< JunctionProperty * > const &junction_props, std::unordered_map< int, int > const &fracID_to_local, Eigen::Vector3d const &x)
Eigen::Vector3d computePhysicalCoordinates(MeshLib::Element const &e, Eigen::MatrixBase< Derived > const &shape)
Definition Utils.h:24
Eigen::MatrixXd R
Rotation matrix from global to local coordinates.

References ProcessLib::LIE::computePhysicalCoordinates(), ProcessLib::LIE::duGlobalEnrichments(), ParameterLib::SpatialPosition::setElementID(), and ParameterLib::SpatialPosition::setIntegrationPoint().

◆ computeSecondaryVariableConcreteWithVector()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::computeSecondaryVariableConcreteWithVector ( const double t,
Eigen::VectorXd const & local_u )
overridevirtual

Implements ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 245 of file SmallDeformationLocalAssemblerFracture-impl.h.

248{
249 auto const N_DOF_PER_VAR = ShapeFunction::NPOINTS * DisplacementDim;
250 auto const n_fractures = _fracture_props.size();
251 auto const n_junctions = _junction_props.size();
252 auto const n_enrich_var = n_fractures + n_junctions;
253
254 auto const& R = _fracture_property->R;
255
256 // the index of a normal (normal to a fracture plane) component
257 // in a displacement vector
258 int const index_normal = DisplacementDim - 1;
259
260 unsigned const n_integration_points =
262
264 auto const e_id = _element.getID();
265 x_position.setElementID(e_id);
266
267 std::vector<Eigen::VectorXd> vec_nodal_g;
268 for (unsigned i = 0; i < n_enrich_var; i++)
269 {
270 auto sub = const_cast<Eigen::VectorXd&>(local_u).segment<N_DOF_PER_VAR>(
271 N_DOF_PER_VAR * i);
272 vec_nodal_g.push_back(sub);
273 }
274
275 for (unsigned ip = 0; ip < n_integration_points; ip++)
276 {
277 x_position.setIntegrationPoint(ip);
278
279 auto& ip_data = _ip_data[ip];
280 auto const& H = ip_data.h_matrices;
281 auto& mat = ip_data.fracture_material;
282 auto& sigma = ip_data.sigma;
283 auto const& sigma_prev = ip_data.sigma_prev;
284 auto& w = ip_data.w;
285 auto const& w_prev = ip_data.w_prev;
286 auto& C = ip_data.C;
287 auto& state = *ip_data.material_state_variables;
288 auto& b_m = ip_data.aperture;
289 auto const& N = _secondary_data.N[ip];
290
291 auto const ip_physical_coords(computePhysicalCoordinates(_element, N));
292 std::vector<double> const levelsets(duGlobalEnrichments(
294 _fracID_to_local, ip_physical_coords));
295
296 // du = du^hat + sum_i(enrich^br_i(x) * [u]_i) + sum_i(enrich^junc_i(x)
297 // * [u]_i)
298 Eigen::VectorXd nodal_gap(N_DOF_PER_VAR);
299 nodal_gap.setZero();
300 for (unsigned i = 0; i < n_enrich_var; i++)
301 {
302 nodal_gap += levelsets[i] * vec_nodal_g[i];
303 }
304
305 // displacement jumps in local coordinates
306 w.noalias() = R * H * nodal_gap;
307
308 // aperture
309 b_m = ip_data.aperture0 + w[index_normal];
310 if (b_m < 0.0)
311 {
312 OGS_FATAL(
313 "Element {:d}, gp {:d}: Fracture aperture is {:g}, but it must "
314 "be non-negative.",
315 _element.getID(), ip, b_m);
316 }
317
318 // local C, local stress
319 mat.computeConstitutiveRelation(
320 t, x_position, ip_data.aperture0,
321 Eigen::Matrix<double, DisplacementDim, 1>::Zero(), // TODO (naumov)
322 // Replace with
323 // initial
324 // stress values
325 w_prev, w, sigma_prev, sigma, C, state);
326 }
327
328 double ele_b = 0;
329 ForceVectorType ele_sigma = ForceVectorType::Zero(DisplacementDim);
330 ForceVectorType ele_w = ForceVectorType::Zero(DisplacementDim);
331
332 for (unsigned ip = 0; ip < n_integration_points; ip++)
333 {
334 auto const& ip_data = _ip_data[ip];
335 ele_b += ip_data.aperture;
336 ele_w += ip_data.w;
337 ele_sigma += ip_data.sigma;
338 }
339 ele_b /= n_integration_points;
340 ele_w /= n_integration_points;
341 ele_sigma /= n_integration_points;
342 (*_process_data._mesh_prop_b)[_element.getID()] = ele_b;
343
344 Eigen::Map<GlobalDimVectorType>(
345 &(*_process_data.element_fracture_stresses)[e_id * DisplacementDim]) =
346 ele_sigma;
347
348 Eigen::Map<GlobalDimVectorType>(
349 &(*_process_data.element_local_jumps)[e_id * DisplacementDim]) = ele_w;
350}

References ProcessLib::LIE::computePhysicalCoordinates(), ProcessLib::LIE::duGlobalEnrichments(), OGS_FATAL, ParameterLib::SpatialPosition::setElementID(), and ParameterLib::SpatialPosition::setIntegrationPoint().

◆ getIntPtEpsilon()

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

Implements ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 118 of file SmallDeformationLocalAssemblerFracture.h.

123 {
124 cache.resize(0);
125 return cache;
126 }

◆ getIntPtFractureAperture()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::getIntPtFractureAperture ( const double t,
std::vector< GlobalVector * > const & x,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & dof_table,
std::vector< double > & cache ) const
overridevirtual

Implements ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 377 of file SmallDeformationLocalAssemblerFracture-impl.h.

383{
386}
std::vector< double > const & getIntegrationPointScalarData(IntegrationPointDataVector const &ip_data_vector, MemberType IpData::*const member, std::vector< double > &cache)

References ProcessLib::getIntegrationPointScalarData().

◆ getIntPtFractureStress()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::getIntPtFractureStress ( const double t,
std::vector< GlobalVector * > const & x,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & dof_table,
std::vector< double > & cache ) const
overridevirtual

Implements ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 354 of file SmallDeformationLocalAssemblerFracture-impl.h.

360{
361 unsigned const n_integration_points = _ip_data.size();
362 cache.clear();
363 auto cache_matrix = MathLib::createZeroedMatrix<Eigen::Matrix<
364 double, DisplacementDim, Eigen::Dynamic, Eigen::RowMajor>>(
365 cache, DisplacementDim, n_integration_points);
366
367 for (unsigned ip = 0; ip < n_integration_points; ip++)
368 {
369 cache_matrix.col(ip).noalias() = _ip_data[ip].sigma;
370 }
371
372 return cache;
373}
Eigen::Map< Matrix > createZeroedMatrix(std::vector< double > &data, Eigen::MatrixXd::Index rows, Eigen::MatrixXd::Index cols)

References MathLib::createZeroedMatrix().

◆ getIntPtSigma()

template<typename ShapeFunction , int DisplacementDim>
std::vector< double > const & ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::getIntPtSigma ( const double ,
std::vector< GlobalVector * > const & ,
std::vector< NumLib::LocalToGlobalIndexMap const * > const & ,
std::vector< double > & cache ) const
inlineoverridevirtual

Implements ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerInterface.

Definition at line 108 of file SmallDeformationLocalAssemblerFracture.h.

113 {
114 cache.resize(0);
115 return cache;
116 }

◆ getShapeMatrix()

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

Provides the shape matrix at the given integration point.

Implements NumLib::ExtrapolatableElement.

Definition at line 99 of file SmallDeformationLocalAssemblerFracture.h.

101 {
102 auto const& N = _secondary_data.N[integration_point];
103
104 // assumes N is stored contiguously in memory
105 return Eigen::Map<const Eigen::RowVectorXd>(N.data(), N.size());
106 }

References ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_secondary_data, and ProcessLib::HeatTransportBHE::SecondaryData< ShapeMatrixType >::N.

◆ preTimestepConcrete()

template<typename ShapeFunction , int DisplacementDim>
void ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::preTimestepConcrete ( std::vector< double > const & ,
double const ,
double const  )
inlineoverridevirtual

Member Data Documentation

◆ _element

◆ _fracID_to_local

template<typename ShapeFunction , int DisplacementDim>
std::unordered_map<int, int> ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_fracID_to_local
private

◆ _fracture_property

◆ _fracture_props

◆ _integration_method

◆ _ip_data

◆ _junction_props

◆ _process_data

◆ _secondary_data

◆ _shape_matrices

template<typename ShapeFunction , int DisplacementDim>
std::vector<ShapeMatrices, Eigen::aligned_allocator< typename ShapeMatricesType::ShapeMatrices> > ProcessLib::LIE::SmallDeformation::SmallDeformationLocalAssemblerFracture< ShapeFunction, DisplacementDim >::_shape_matrices
private

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