Next Article in Journal
Micropolar Dusty Fluid: Coriolis Force Effects on Dynamics of MHD Rotating Fluid When Lorentz Force Is Significant
Previous Article in Journal
Granular Elastic Network Regression with Stochastic Gradient Descent
Previous Article in Special Issue
Contrast-Independent Partially Explicit Time Discretizations for Quasi Gas Dynamics
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Partial Learning Using Partially Explicit Discretization for Multicontinuum/Multiscale Problems with Limited Observation: Dual Continuum Heterogeneous Poroelastic Media Simulation

1
Laboratory of Computational Technologies for Modeling Multiphysical and Multiscale Permafrost Processes, North-Eastern Federal University, Yakutsk 677980, Russia
2
North-Caucasus Center for Mathematical Research, North-Caucasus Federal University, Stavropol 355017, Russia
3
Department of Mathematics and Statistics, Texas A&M University, Corpus Christi, College Station, TX 78412, USA
*
Author to whom correspondence should be addressed.
Mathematics 2022, 10(15), 2629; https://doi.org/10.3390/math10152629
Submission received: 13 July 2022 / Revised: 21 July 2022 / Accepted: 22 July 2022 / Published: 27 July 2022
(This article belongs to the Collection Multiscale Computation and Machine Learning)

Abstract

:
In this paper, we consider the poroelasticity problem in heterogeneous media. The mathematical model is described by a coupled system of equations for displacement and pressure in the coupled dual continuum porous media. We propose a new method based on hybrid explicit–implicit (HEI) learning to solve the poroelasticity problem in dual continuum heterogeneous media. We use a finite element method with standard linear basis functions for spatial approximation. We apply the explicit–implicit time scheme, where the explicit scheme is used for the low-conductive continuum and the implicit scheme for the high-conductive. The fixed-strain splitting scheme is used to accelerate the computation and decouple the flow and mechanics problems. The main idea of the proposed method is partial learning of particular degrees of freedom of the high-conductive continuum’s pressure (implicit part of the flow). First, we train a deep neural network (DNN) to obtain values of the implicit part of the flow at some spatial points at some time moments. Then, we apply the Discrete Empirical Interpolation Method (DEIM) combined with Proper Orthogonal Decomposition (POD) to restore the complete implicit parts and perform linear interpolation over time. Consequently, we treat the high-conductive continuum’s pressure as a known function and use it to find the other continuum’s pressure and displacements. Numerical results for the two-dimensional model problem are presented. The results demonstrate that the proposed method provides fast and accurate predictions.

1. Introduction

Accurately describing the stress–strain state of poroelastic bodies is an urgent and essential problem for deformable solid mechanics [1,2,3]. The mathematical model consists of equations for pressure and displacements. The most important feature of the model is that the equations are coupled. Modern computational technology allows us to solve such problems using various numerical methods. Among them, it is necessary to highlight the finite element and finite difference methods. The finite element method is best suited for spatial approximation of a problem given in a complex domain. At the same time, the finite difference method is commonly used for time approximation.
The most important classification of the finite difference schemes for time approximation is related to their assignment as explicit or implicit ones [4,5,6]. Implicit schemes are popular in numerical simulation due to their excellent stability, which does not depend on spatial mesh size, time step size, and conductivity. However, these schemes are computationally expensive. In addition, they do not always correctly describe the behavior of the solution. When using implicit schemes, in a sense, we remove high frequencies. On the other hand, explicit schemes are computationally efficient and can capture the solution’s dynamics. However, they have conditional stability depending on the grid size, time step size, and conductivity. Therefore, it makes sense in multicontinuum problems to use a combination of explicit and implicit schemes, often called an explicit–implicit or partially explicit scheme. In this combination, we use an implicit scheme for a high-conductivity continuum and an explicit scheme for a low-conductivity continuum.
Another important detail related to time approximation is the use of splitting schemes. When solving systems of partial differential equations numerically, we can use either a coupled scheme or splitting schemes. In the coupled scheme, we solve all the equations at the same time. In splitting schemes, the transition to a new temporal layer is carried out by sequential solution of separate equations. The splitting schemes simplify the construction of difference schemes and reduce required computational resources. For poroelasticity problems, one can note drained, undrained, fixed-strain, fixed-stress, and weighted splitting schemes [7,8,9,10].
The above schemes help solve poroelasticity problems in the most computationally efficient way. They all refer in one way or another to temporal approximation. However, there are other ways to speed up computations. For example, one can use numerical homogenization and multiscale methods [11,12,13,14]. These methods allow us to solve problems in heterogeneous media using coarse grids, thereby significantly reducing the size of the discrete problem. It is worth noting that one can combine these methods with machine learning to accelerate some steps [14].
Note that one can encounter an issue related to a limited number of possible observation points in applied poroelasticity problems. For example, it can be some measurement devices. The problem of reconstructing the overall picture from the limited observation arises in such situations. Unfortunately, classical spatial interpolation methods cannot give an accurate approximation. For such cases, it is better to use the Discrete Empirical Interpolation Method (DEIM) [15] with Proper Orthogonal Decomposition (POD) [16,17]. POD is a global model reduction method. The method’s main idea is to find the most energetic modes and use them as basis functions. These basis functions form the projection basis matrix. The DEIM provides an algorithm for finding interpolation indices (points) and the POD’s solution degrees of freedom. One can restore the required function by using the function’s values at these interpolation indices and the projection basis matrix.
This paper proposes a new method based on hybrid explicit–implicit (HEI) learning [18] to solve the poroelasticity problem in dual continuum heterogeneous media. In this model, we introduce a pressure field for each continuum, and the effective stress contains each continuum’s part in the equation for mechanical deformations [19,20,21,22]. We use a finite element method with standard linear basis functions for spatial approximation. We apply the explicit–implicit time scheme, where the explicit scheme is used for the low-conductive continuum and the implicit scheme for the high-conductive one. Furthermore, the fixed-strain splitting scheme is used to accelerate computation. The main idea of the proposed method is partial learning of particular degrees of freedom of the high-conductive continuum’s pressure (implicit part of the flow). First, we train a deep neural network (DNN) to obtain values of the implicit part of the flow at some spatial points at some time moments. Then, we apply the DEIM with POD to restore the complete implicit parts and perform linear interpolation over time. Consequently, we treat the high-conductive continuum’s pressure as a known function and use it to find the other continuum’s pressure and displacements. Our method consists of two stages: offline and online. First, in the offline stage, we generate the POD basis projection matrix, define interpolation indices, and train DNN. Then, we solve the poroelasticity problem by treating the implicit part of the flow as a known function in the online stage.
Offline stage
1
Construct the POD projection basis matrix and define the interpolation points using DEIM.
2
Generate the training dataset.
Generate the input data.
Solve the poroelasticity problem with the partially explicit discretization at each time step.
3
Train the Deep Neural Network to obtain values of the implicit flow part at the interpolation points at some time steps.
Online stage
1
The Deep Neural Network obtains the implicit part of the pressure at the interpolation points at some time moments.
2
The POD projection basis matrix restores the complete implicit parts of the flow at some time moments.
3
Linear interpolation over time.
4
For each time step,
Compute the explicit flow part using the learned and interpolated implicit one.
Solve the displacement using the implicit and explicit parts of the flow.
The work has the following structure. First, we present the mathematical model in Section 2 and its approximation in Section 3. Then, Section 3 describes the Discrete Empirical Interpolation Method with Proper Orthogonal Decomposition. Section 4 presents our partial learning partially explicit discretization approach. Next, we present numerical results for two-dimensional model poroelasticity problems in the dual continuum heterogeneous medium in Section 5. Finally, Section 6 summarizes the work.

2. Problem Formulation

Let Ω R d be a computational domain, where d denotes a geometrical dimension of the problem and equals 2 for a two-dimensional case. We consider a dual continuum model, where the first continuum is high-conductive, and the second continuum is low-conductive. The mathematical model is described by a coupled system of equations for pressures p 1 , p 2 and displacements u [23,24]
α 1 div u t + 1 M 1 p 1 t div ( k 1 grad p 1 ) + r 12 ( p 1 p 2 ) = 0 , x Ω , α 2 div u t + 1 M 2 p 2 t div ( k 2 grad p 2 ) r 21 ( p 1 p 2 ) = g , x Ω , div σ ( u ) + α 1 grad p 1 + α 2 grad p 2 = 0 , x Ω ,
where k α = κ α / μ , κ 1 and κ 2 are the permeabilities, g is the source term, α 1 and α 2 are the Biot coefficients, M 1 and M 2 are the Biot moduli, r m f is the transfer term between continua, μ is the fluid viscosity, u is the displacement, and σ is the stress tensor.
The relation between the stress and strain tensors is given as
σ ( u ) = 2 μ ε ( u ) + λ div u I , ε ( u ) = 1 2 ( grad u + grad u T ) ,
where ε is the strain tensor, and λ and μ are the Lamé coefficients.
We consider a system of Equation (1) with the following initial conditions
p 1 ( 0 ) = p 2 ( 0 ) = p 0 , x Ω , u ( 0 ) = u 0 , x Ω ,
and boundary conditions
k 1 p 1 n = 0 , x Ω , k 2 p 2 n = 0 , x Ω , u 1 = 0 , ( σ n ) 2 = 0 , x Γ L Γ R , u 2 = 0 , ( σ n ) 1 = 0 , x Γ T Γ B
where boundaries Γ L Γ R Γ T Γ B = Ω ; Γ L , Γ R , Γ B , Γ T denote the left, right, bottom, and top boundaries, respectively.

3. Approximation

Variational formulation. For spatial approximation of the system of Equation (1) with boundary conditions (3), we use a finite element method. We define the following functional spaces
W 1 = W 2 = H 1 ( Ω ) ,
V = { v [ H 1 ( Ω ) ] d : v 1 = 0 on Γ L Γ R and v 2 = 0 on Γ T Γ B } .
The variational formulation of the poroelasticity problem can be written as follows. Find ( p 1 , p 2 , u ) W 1 × W 2 × V such that
d 1 u t , w 1 + c 1 p 1 t , w 1 + b 1 ( p 1 , w 1 ) + q 12 ( p 1 p 2 , w 1 ) = 0 , w 1 W 1 , d 2 u t , w 2 + c 2 p 2 t , w 2 + b 2 ( p 2 , w 2 ) q 21 ( p 1 p 2 , w 2 ) = l ( w 2 ) , w 2 W 2 , a ( u , v ) + g 1 ( p 1 , v ) + g 2 ( p 2 , v ) = 0 , v V ,
where the bilinear and linear forms are the following
b 1 ( p 1 , w 1 ) = Ω k 1 grad p 1 · grad w 1 d x , b 2 ( p 2 , w 2 ) = Ω k 2 grad p 2 · grad w 2 d x
c 1 ( p 1 , w 1 ) = Ω 1 M 1 p 1 w 1 d x , c 2 ( p 2 , w 2 ) = Ω 1 M 2 p 2 w 2 d x , l ( w 2 ) = Ω g w 2 d x ,
q 12 ( p 1 p 2 , w 1 ) = Ω r 12 ( p 1 Π 21 p 2 ) w 1 d x , q 21 ( p 1 p 2 , w 2 ) = Ω r 21 ( Π 12 p 1 p 2 ) w 2 d x ,
d 1 ( u , w 1 ) = Ω α 1 div u w 1 d x , d 2 ( u , w 2 ) = Ω α 2 div u w 2 d s , a ( u , v ) = Ω σ ( u ) : ε ( v ) d x ,
g 1 ( p 1 , v ) = Ω α 1 grad p 1 · v d x , g 2 ( p 2 , v ) = Ω α 2 grad p 2 · v d x ,
where Π 12 is the projection operator from W 1 to W 2 defined as
γ ( Π 12 p 1 p 1 ) w 2 d s = 0 , w 2 W 2 .
and Π 21 = Π 12 * (see [25] for details).
Discretization in time. We use an explicit–implicit scheme for the time approximation, where the explicit scheme is used for the low-conductive continuum and the implicit scheme for the high-conductive one. Let u n = u ( x , t n ) , p 1 n = p 1 ( x , t n ) , p 2 n = p 2 ( x , t n ) , and t n = n τ , where τ = T / N t is the time step size, T is the final time, and N t is the count of time steps. Then, the problem can be formulated as follows. For n = 0 , , N t 1 , find ( p 1 n + 1 , p 2 n + 1 , u n + 1 ) ( W 1 × W 2 × V ) such that
d 1 u n + 1 u n τ , w 1 + c 1 p 1 n + 1 p 1 n τ , w 1 + b 1 ( p 1 n + 1 , w 1 ) + q 12 ( p 1 n + 1 p 2 n + 1 , w 1 ) = 0 , d 2 u n + 1 u n τ , w 2 + c 2 p 2 n + 1 p 2 n τ , w 2 + b 2 ( p 2 n , w 2 ) q 21 ( p 1 n + 1 p 2 n + 1 , w 2 ) = l ( w 2 ) , a ( u n + 1 , v ) + g 1 ( p 1 n + 1 , v ) + g 2 ( p 2 n + 1 , v ) = 0 , v s . V ,
where ( w 1 , w 2 , v ) ( W 1 , W 2 , V ) .
Splitting scheme. We can solve the poroelasticity problem using the fixed-strain splitting scheme. The fixed-strain splitting scheme decouples the flow and mechanics system solving them sequentially at each time step. Then, we have the following problem formulation. For n = 1 , N t 1 , find
  • Pressures ( p 1 n + 1 , p 2 n + 1 ) ( W 1 × W 2 ) such that
    d 1 u n u n 1 τ , w 1 + c 1 p 1 n + 1 p 1 n τ , w 1 + b 1 ( p 1 n + 1 , w 1 ) + q 12 ( p 1 n + 1 p 2 n + 1 , w 1 ) = 0 , d 2 u n u n 1 τ , w 2 + c 2 p 2 n + 1 p 2 n τ , w 2 + b 2 ( p 2 n , w 2 ) q 21 ( p 1 n + 1 p 2 n + 1 , w 2 ) = l ( w 2 ) ,
    where ( w 1 , w 2 ) ( W 1 , W 2 ) .
  • Displacements u n + 1 such that
    a ( u n + 1 , v ) + g 1 ( p 1 n + 1 , v ) + g 2 ( p 2 n + 1 , v ) = 0 ,
    where v s . V .
Discrete formulation. Let T h be a grid partition of the computational domain Ω into finite elements and W 1 , h W 1 , W 2 , h W 2 and V h V be the finite element subspaces on T h .
u = u i Φ i , p 1 = p 1 , i ϕ 1 , i p 2 = p 2 , i ϕ 2 , i
where Φ , ϕ 1 , and ϕ 2 are the linear basis functions defined on T h .
The discrete formulation of the poroelasticity problem using the explicit–implicit time scheme will have the following form for coupled and splitting schemes.
Coupled scheme. For n = 0 , , N t 1 , find ( p 1 n + 1 , p 2 n + 1 , u n + 1 ) such that
B 1 p 1 n + 1 + C 1 p 1 n + 1 p 1 n τ + D 1 u n + 1 u n τ + Q 12 ( p 1 n + 1 p 2 n + 1 ) = 0 , B 2 p 2 n + C 2 p 2 n + 1 p 2 n τ + D 2 u n + 1 u n τ Q 21 ( p 1 n + 1 p 2 n + 1 ) = L , A u n + 1 + G 1 p 1 n + 1 + G 2 p 2 n + 1 = 0 .
where
B 1 = [ b 1 , i j ] , b 1 , i j = b 1 ( ϕ 1 , j , ϕ 1 , i ) , B 2 = [ b 2 , i j ] , b 2 , i j = b 1 ( ϕ 2 , j , ϕ 2 , i ) ,
C 1 = [ c 1 , i j ] , c 1 , i j = c 1 ( ϕ 1 , j , ϕ 1 , i ) , C 2 = [ c 2 , i j ] , c 2 , i j = c 2 ( ϕ 2 , j , ϕ 2 , i ) ,
D 1 = [ d 1 , i j ] , d 1 , i j = d 1 ( Φ j , ϕ 1 , i ) , D 2 = [ d 2 , i j ] , d 2 , i j = d 2 ( Φ j , ϕ 2 , i ) ,
Q 12 = [ q 12 , i j ] , q 12 , i j = q 12 ( ϕ 1 , j , ϕ 1 , i ) , Q 21 = [ q 21 , i j ] , q 21 , i j = q 21 ( ϕ 2 , j , ϕ 2 , i ) ,
G 1 = [ g 1 , i j ] , g 1 , i j = g 1 ( ϕ j , Φ 1 , i ) , G 2 = [ g 2 , i j ] , g 2 , i j = g 2 ( ϕ j , Φ 2 , i ) ,
L = [ l , i ] , l i = l ( ϕ 2 , i ) , A u = [ a u , i j ] , a u , i j = a u ( Φ j , Φ i ) .
For n = 1 , , N t 1 , find
  • Pressures ( p 1 n + 1 , p 2 n + 1 ) such that
    B 1 p 1 n + 1 + C 1 p 1 n + 1 p 1 n τ + D 1 u n u n 1 τ + Q 12 ( p 1 n + 1 p 2 n + 1 ) = 0 , B 2 p 2 n + C 2 p 2 n + 1 p 2 n τ + D 2 u n u n 1 τ Q 21 ( p 1 n + 1 p 2 n + 1 ) = L .
  • Displacements u n + 1 such that
    A u n + 1 + G 1 p 1 n + 1 + G 2 p 2 n + 1 = 0 .
In the next section, we will consider the Discrete Empirical Interpolation Method we will use for our partial learning approach.

4. Discrete Empirical Interpolation Method with Proper Orthogonal Decomposition

When we need to reconstruct the solution in a heterogeneous medium as accurately as possible using only several points, we cannot apply the classical spatial interpolation methods. The Discrete Empirical Interpolation Method (DEIM) is better suited for such situations. The procedure of such spatial interpolation consists of the following steps:
  • Computing the Proper Orthogonal Decomposition (POD) basis functions;
  • Determining the interpolation nodes using the DEIM algorithm.
In our work, we want to use the DEIM to spatially interpolate the pressure of the high-conductive continuum. In this case, after we train the neural network to acquire values at several points, we can reconstruct the pressure in the whole area.
Computing the Proper Orthogonal Decomposition (POD) basis functions. To compute snapshot functions, we save the first continuum’s pressure data into matrix B with every second time step in each row saved, solving the problem five times with different parametric functions. Thus, we obtain a matrix B with N s by M elements:
B = a 1 , 1 a 1 , 2 a 1 , N s a 2 , 1 a 2 , 2 a 2 , N s a M , 1 a M , 2 a M , N s ,
where N s is the number of snapshots, and M is the number of degrees of freedom (mesh nodes in our case).
Next, we assemble a symmetric positive covariance matrix of dimension M × M .
R = B B T
Then, we determine eigenvalues λ k and eigenvectors ψ k in matrix R. We sort the eigenvalues in descending order λ 1 > λ 2 > > λ m > .
Finally, we choose m eigenvectors ψ k corresponding to the first m eigenvalues λ k ( m M ). These eigenvectors will be our basis functions.
Determining the interpolation nodes using the DEIM algorithm. After calculating the basis functions, we can represent the desired function (in our case, p 1 ) in the following form.
p 1 Ψ c ,
where p 1 = ( p 1 , 1 , , p 1 , M ) T , Ψ = ( ψ 1 , , ψ m ) , c = ( c 1 , , c m ) T .
To determine p 1 , we need to know c. Note that we can find c using m rows. Suppose we can know the values of p 1 in any m nodes (rows). In this case, our task is to determine m optimal nodes (rows). We achieve this using the DEIM algorithm [15].
The DEIM finds m distinct interpolation nodes ( v 1 , , v m ) and assembles the DEIM interpolation nodes matrix P = ( e n 1 , , e n m ) , where e n i is the n i -th column of the identity matrix I M . After that, we can restore p 1 as follows.
p 1 Ψ ( P T Ψ ) 1 P T p 1 ,
where P T p 1 samples p 1 at m components only.
Figure 1 presents an example of selected interpolation nodes. We will use this interpolation method for our machine learning approach presented in the next section.

5. Machine Learning Approach

Training neural networks to solve the poroelasticity problem is complex and time-consuming. As a result, it makes more sense to make training the computationally expensive part of the solution—the implicit flow part. Due to the inefficiency of training all degrees of freedom, we propose training only a portion of the solution. We train the neural network to obtain the high-conductive continuum’s pressure at multiple mesh nodes at some time steps. Then, we apply the DEIM spatial interpolation and linear time interpolation. As a result, we treat the high-conductive continuum’s pressure as a known function that we may use to find the other pressure.
A basic DNN is made up of layers, each of which uses a differentiable function to translate one volume of activations to another. The layers of a neuron network are nonlinear transformations. The previous layer’s output result is transmitted to the following layer. The neurons of the previous layer are linked to the neurons of the current layer, and the connection data are a weighting parameter. As a result, the neural network training aims to perfect the weights. Deep neural networks use a nonlinear operation to minimize the amount of input data and simplify the task. We use TensorFlow’s most straightforward DNN variation in the sequential model [26]. The generation of the dataset used to train is essential in machine learning. The final need is to create an appropriate neural network architecture.
A neural network function N of L—layers with samples x—input data and y—output data may be represented in the following form in deep learning.
N L ( x , θ ) = σ L ( W L σ L 1 ( σ 2 ( W 2 σ 1 ( W 1 x + b 1 ) + b 2 ) ) + b L ) ,
where Ws are weight matrices, bs are bias vector, and σ s are the activation functions, where σ > RELU = max ( 0 , x ) .
Let us write:
  • The first output layer: N 1 ( x 0 ) = Y 1 , i.e., Y 1 = σ 1 ( W 1 x + b 1 ) ;
  • For i’s layer: Y i = σ i ( W i x i 1 + b i ) , where i = 1,2,…, L.
For estimating the output y, a neural network called N L is employed. The goal of the neural network is to solve an optimization problem to identify parameters θ * .
θ * = argmin θ 1 N j = 1 N | | y j N ( x j ; θ ) | | 2 2 ,
where N is the number of the samples. Here, 1 N j = 1 N | | y j N ( x j ; θ ) | | 2 2 is the loss function— L ( θ ) .
We generate a network N L ( x , θ ) using:
  • Activation function: ReLU (Rectified Linear Unit) activation function for all layers (first input and hidden layers), no activation function at the last output layer;
  • DNN structure: 2 hidden layers, each layer comprises 12 neurons;
  • Kernel initializer: normal for input and output layers and he_normal for all hidden layers;
  • Training optimizer: Adam.
We chose the activation function ReLU because it has shown effectiveness in deep neural network training without experiencing a vanishing gradient problem.
Therefore, our method consists of two stages: offline and online. In the offline stage, we compute the POD basis functions and interpolation nodes, generate (or receive) data, and train the neural network to obtain high-conductive continuum pressure in the interpolation nodes. In the online stage, we can already solve the problem for an arbitrary set of input parameters. We pass the input data to the neural network, which gives the pressure values at the interpolation nodes. We perform spatial and temporal interpolation and solve the problem by treating the pressure of the high-permeability continuum as a known function. Figure 2 depicts a block diagram of our method’s offline and online stages.

6. Numerical Results

This section considers the numerical solution of the poroelasticity problems in dual continuum heterogeneous media. As a computational domain, we consider Ω = [ 0 , 1 ] × [ 0 , 1 ] . We use a structured computational mesh with 121 vertices and 200 cells (see Figure 3). For model problem parameters, we set M 1 = M 2 = 1 , α 1 = α 2 = 1.0 , ν = 0.3 . The calculation is performed by T m a x = 1 with time step τ = 0.01 . For the initial conditions, we set p 0 = 0 and u 0 = 0 . The eterogeneous coefficients for elasticity modulus E and heterogeneous permeability k for the first and second continua are presented in Figure 4. We set the parametric function g = i = 1 N a A i sin ( i π x ) sin ( i π y ) sin ( i t ) , where N a = 5 , and the value range A i [ 1 , 1 ] .
Note that this paper focuses mainly on developing a solution method, so we consider only the two-dimensional case. However, our approach can be beneficial for more complex problems, such as modeling three-phase and three-dimensional materials. Solving such problems will not require any significant changes to the algorithm.
GMSH software was used to construct the computational domains and meshes [27]. The numerical realization of the problem was based on finite element approximation using the FEniCS computing platform [28]. For partial learning implementation, we used Keras [29]—a high-level API for the TensorFlow machine learning platform [26]. Finally, visualization of the numerical results was based on the ParaView software [30].
Our neural network aimed to find the high-conductive continuum pressure at nine interpolation points. As mentioned before, we used the Discrete Empirical Interpolation Method (DEIM) to perform the spatial interpolation. The first step of the DEIM was generating snapshot functions. To generate them, we solved the problem five times with different values of A i . We saved the results every second time step. Therefore, we obtained N = 250 snapshots. Then, we solved a spectral problem and obtained nine basis functions. Using the DEIM algorithm, we selected nine optimal interpolation nodes. Next, we trained the neural network to obtain the high-conductive continuum pressure at these interpolation points.
The neural network considered random A i values as the input and the high-conductive continuum pressure at nine interpolation points as output. Thus, the input data size was five, and the output data size was nine. We solved the problem 300 times with randomly generated A i values to prepare a training dataset. For a test dataset, we solved the problem 20 times with A i that were absent from the training dataset. Then, we performed spatial and time interpolations.
We used relative errors L 2 between the reference solution and the proposed approach’s solution to compare the results. We performed multiple tests to determine the errors caused by different steps of our approach.
e L 2 p 1 = Ω ( p 1 r e f p 1 a p p r ) 2 d x Ω ( p 1 r e f ) 2 d x 1 / 2 · 100 % , e L 2 p 2 = Ω ( p 2 r e f p 2 a p p r ) 2 d x Ω ( p 2 r e f ) 2 d x 1 / 2 · 100 % ,
e L 2 u = Ω ( u r e f u a p p r ) 2 d x Ω ( u r e f ) 2 d x 1 / 2 · 100 % ,
where the superscript r e f denotes the reference solution, and the superscript a p p r denotes the approximate solution. We considered different methods depending on the part of the error we wanted to evaluate.
Figure 5, Figure 6, Figure 7 and Figure 8 present the distributions of pressures for the first and second continua and the displacements in x 1 and x 2 directions at different time steps ( t m with m = 0.4 , 0.8 , 1 ). In each figure, we depicted the solutions using the coupled explicit–implicit scheme, the split explicit–implicit scheme, and the proposed approach (from top to bottom). Because all results were very similar, we can conclude that our proposed method can provide good accuracy.
In Figure 9, we studied the dependence of accuracy on the computational mesh. As a reference mesh, we took the finest mesh (6561 vertices) and compared its results with the results of coarser meshes (121, 441, and 1681 vertices) for the first and second continuum and displacement. Figure 10 and Figure 11 describe the distributions of strain and stress at the final time.

7. Conclusions

This work considered the poroelasticity problem in dual continuum heterogeneous media. For the mathematical model, we used dual continuum flow and the effective stress that contained terms of both continua. We applied a finite element method with standard linear basis functions for the spatial approximation. Furthermore, we used the explicit–implicit scheme for the time approximation, where the explicit scheme was used for the low-conductive continuum, and the implicit scheme was applied for the high-conductive one.
We proposed a new method based on hybrid explicit–implicit (HEI) learning to solve the poroelasticity problem in dual continuum heterogeneous media. The method’s main idea was to train a Deep Neural Network to predict the implicit flow part at some node at some time steps. Then, we performed the DEIM interpolation and linear time interpolation. After that, we treated the high-conductive continuum’s pressure as a known function and solved the whole problem. We considered the two-dimensional model problem to test the proposed method. We solved the problem using various methods to evaluate errors in the different steps of our method. The results demonstrated that the proposed approach can successfully solve the poroelasticity problems in dual continuum heterogeneous media.

Author Contributions

Conceptualization, implementation, investigation, writing, A.T., S.S., D.A., A.G. and M.V. All authors have read and agreed to the published version of the manuscript.

Funding

The work of S.S. and D.A. is supported by the Russian government’s project Science and Universities 121110900017-5 aimed at supporting junior laboratories and the Russian Science Foundation grant 22-11-20027. A.T. is supported by the North-Caucasus Center for Mathematical Research under agreement N. 075-02-2021-1749 with the Ministry of Science and Higher Education of the Russian Federation.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Meirmanov, A. Mathematical Models for Poroelastic Flows. 2014. Available online: https://link.springer.com/book/10.2991/978-94-6239-015-7 (accessed on 16 December 2013).
  2. Castelletto, N.; Klevtsov, S.; Hajibeygi, H.; Tchelepi, H.A. Multiscale two-stage solver for Biot’s poroelasticity equations in subsurface media. Comput. Geosci. 2019, 23, 207–224. [Google Scholar] [CrossRef]
  3. Iliev, O.; Kolesov, A.; Vabishchevich, P. Numerical solution of plate poroelasticity problems. Transp. Porous Media 2016, 115, 563–580. [Google Scholar] [CrossRef]
  4. Vabishchevich, P.N.; Vasil’eva, M.V. Explicit-implicit schemes for convection-diffusion-reaction problems. Numer. Anal. Appl. 2012, 5, 297–306. [Google Scholar] [CrossRef]
  5. Quevedo, R.; Roehl, D. A novel and efficient sequential-explicit technique for poroelasticity problems. Comput. Geotech. 2021, 138, 104334. [Google Scholar] [CrossRef]
  6. Almani, T.; Kumar, K.; Singh, G.; Wheeler, M.F. Stability of multirate explicit coupling of geomechanics with flow in a poroelastic medium. Comput. Math. Appl. 2019, 78, 2682–2699. [Google Scholar] [CrossRef]
  7. Kim, J. Sequential Methods for Coupled Geomechanics and Multiphase Flow. Doctoral Dissertation, Stanford University, Stanford, CA, USA, 2010. [Google Scholar]
  8. Kim, J.; Tchelepi, H.A.; Juanes, R. Stability and convergence of sequential methods for coupled flow and geomechanics: Drained and undrained splits. Comput. Methods Appl. Mech. Eng. 2011, 200, 2094–2116. [Google Scholar] [CrossRef]
  9. Kim, J.; Tchelepi, H.A.; Juanes, R. Stability and convergence of sequential methods for coupled flow and geomechanics: Fixed-stress and fixed-strain splits. Comput. Methods Appl. Mech. Eng. 2011, 200, 1591–1606. [Google Scholar] [CrossRef]
  10. Vabishchevich, P.N.; Vasil’eva, M.V.; Kolesov, A.E. Splitting scheme for poroelasticity and thermoelasticity problems. Comput. Math. Math. Phys. 2014, 54, 1305–1315. [Google Scholar] [CrossRef]
  11. Akkutlu, I.Y.; Efendiev, Y.; Vasilyeva, M.; Wang, Y. Multiscale model reduction for shale gas transport in poroelastic fractured media. J. Comput. Phys. 2018, 353, 356–376. [Google Scholar] [CrossRef]
  12. Vasilyeva, M.; Chung, E.T.; Efendiev, Y.; Kim, J. Constrained energy minimization based upscaling for coupled flow and mechanics. J. Comput. Phys. 2019, 376, 660–674. [Google Scholar] [CrossRef] [Green Version]
  13. Ammosov, D.; Vasilyeva, M.; Chung, E.T. Generalized Multiscale Finite Element Method for thermoporoelasticity problems in heterogeneous and fractured media. J. Comput. Appl. Math. 2022, 407, 113995. [Google Scholar] [CrossRef]
  14. Vasilyeva, M.; Tyrylgin, A. Machine learning for accelerating macroscopic parameters prediction for poroelasticity problem in stochastic media. Comput. Math. Appl. 2021, 84, 185–202. [Google Scholar] [CrossRef]
  15. Chaturantabut, S.; Sorensen, D.C. Nonlinear model reduction via discrete empirical interpolation. SIAM J. Sci. Comput. 2010, 32, 2737–2764. [Google Scholar] [CrossRef]
  16. Wang, Z.; Akhtar, I.; Borggaard, J.; Iliescu, T. Proper orthogonal decomposition closure models for turbulent flows: A numerical comparison. Comput. Methods Appl. Mech. Eng. 2012, 237, 10–26. [Google Scholar] [CrossRef] [Green Version]
  17. Wang, Z.; Akhtar, I.; Borggaard, J.; Iliescu, T. Two-level discretizations of nonlinear closure models for proper orthogonal decomposition. J. Comput. Phys. 2011, 230, 126–146. [Google Scholar] [CrossRef]
  18. Efendiev, Y.; Leung, W.T.; Lin, G.; Zhang, Z. HEI: Hybrid explicit-implicit learning for multiscale problems. arXiv 2021, arXiv:2109.02147. [Google Scholar]
  19. Boutin, C.; Royer, P. On models of double porosity poroelastic media. Geophys. Suppl. Mon. Not. R. Astron. Soc. 2015, 203, 1694–1725. [Google Scholar] [CrossRef] [Green Version]
  20. Zhang, J.; Bai, M.; Roegiers, J.C. Dual-porosity poroelastic analyses of wellbore stability. Int. J. Rock Mech. Min. Sci. 2003, 40, 473–483. [Google Scholar] [CrossRef]
  21. Barenblatt, G.I.; Zheltov, I.P.; Kochina, I. Basic concepts in the theory of seepage of homogeneous liquids in fissured rocks [strata]. J. Appl. Math. Mech. 1960, 24, 1286–1303. [Google Scholar] [CrossRef]
  22. Jänicke, R.; Larsson, F.; Runesson, K. A poro-viscoelastic substitute model of fine-scale poroelasticity obtained from homogenization and numerical model reduction. Comput. Mech. 2020, 65, 1063–1083. [Google Scholar] [CrossRef] [Green Version]
  23. Tyrylgin, A.; Vasilyeva, M.; Spiridonov, D.; Chung, E.T. Generalized Multiscale Finite Element Method for the poroelasticity problem in multicontinuum media. J. Comput. Appl. Math. 2020, 374, 112783. [Google Scholar] [CrossRef] [Green Version]
  24. Tyrylgin, A.; Vasilyeva, M.; Ammosov, D.; Chung, E.T.; Efendiev, Y. Online Coupled Generalized Multiscale Finite Element Method for the Poroelasticity Problem in Fractured and Heterogeneous Media. Fluids 2021, 6, 298. [Google Scholar] [CrossRef]
  25. D’angelo, C.; Quarteroni, A. On the coupling of 1d and 3d diffusion-reaction equations: Application to tissue perfusion problems. Math. Model. Methods Appl. Sci. 2008, 18, 1481–1504. [Google Scholar] [CrossRef] [Green Version]
  26. Abadi, M.; Agarwal, A.; Barham, P.; Brevdo, E.; Chen, Z.; Citro, C.; Corrado, G.S.; Davis, A.; Dean, J.; Devin, M.; et al. TensorFlow: Large-Scale Machine Learning on Heterogeneous Systems. 2015. Available online: tensorflow.org (accessed on 2 November 2016).
  27. Geuzaine, C.; Remacle, J.F. A three-dimensional finite element mesh generator with built-in pre-and post-processing facilities. Int. J. Numer. Methods Eng. 2020, 11, 79. [Google Scholar]
  28. Logg, A.; Mardal, K.A.; Wells, G. Automated Solution of Differential Equations by the Finite Element Method: The FEniCS Book; Springer Science & Business Media: Berlin/Heidelberg, Germany, 2012; Volume 84. [Google Scholar]
  29. Chollet, F.; Watson, M.; Bursztein, E.; Zhu, Q.S.; Jin, H. keras. 2015. Available online: https://github.com/fchollet/keras (accessed on 27 March 2015).
  30. Ahrens, J.; Geveci, B.; Law, C. Paraview: An end-user tool for large data visualization. Vis. Handb. 2005, 717–735. [Google Scholar]
Figure 1. Selected vertices from the computational mesh.
Figure 1. Selected vertices from the computational mesh.
Mathematics 10 02629 g001
Figure 2. Flow charts of the offline and online stages of partial learning using partially explicit discretization with limited observation.
Figure 2. Flow charts of the offline and online stages of partial learning using partially explicit discretization with limited observation.
Mathematics 10 02629 g002
Figure 3. Computational domain.
Figure 3. Computational domain.
Mathematics 10 02629 g003
Figure 4. Elasticity parameter E (left) and heterogeneous permeabilities k 1 (center) and k 2 (right).
Figure 4. Elasticity parameter E (left) and heterogeneous permeabilities k 1 (center) and k 2 (right).
Mathematics 10 02629 g004
Figure 5. Distribution of pressure for the first continuum at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Figure 5. Distribution of pressure for the first continuum at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Mathematics 10 02629 g005
Figure 6. Distribution of pressure for the second continuum at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Figure 6. Distribution of pressure for the second continuum at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Mathematics 10 02629 g006
Figure 7. Distribution of displacement in x 1 direction at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Figure 7. Distribution of displacement in x 1 direction at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Mathematics 10 02629 g007
Figure 8. Distribution of displacement in x 2 direction at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Figure 8. Distribution of displacement in x 2 direction at different times, t m with m = 0.4 , 0.8 , 1 (from left to right). (The first row): the coupled explicit–implicit solution. (The second row): the split explicit–implicit solution. (The third row): the proposed approach’s solution.
Mathematics 10 02629 g008
Figure 9. Relative L 2 errors in % for the reference mesh (6561 vertices) with other meshes (121, 441, and 1681 vertices) for the first and second continuum and displacement (from left to right).
Figure 9. Relative L 2 errors in % for the reference mesh (6561 vertices) with other meshes (121, 441, and 1681 vertices) for the first and second continuum and displacement (from left to right).
Mathematics 10 02629 g009
Figure 10. Distributions of the stress at the final time. The coupled explicit–implicit solution, the split explicit–implicit solution, and the proposed approach’s solution (from left to right).
Figure 10. Distributions of the stress at the final time. The coupled explicit–implicit solution, the split explicit–implicit solution, and the proposed approach’s solution (from left to right).
Mathematics 10 02629 g010
Figure 11. Distributions of the strain at the final time. The coupled explicit–implicit solution, the split explicit–implicit solution, and the proposed approach’s solution(from left to right).
Figure 11. Distributions of the strain at the final time. The coupled explicit–implicit solution, the split explicit–implicit solution, and the proposed approach’s solution(from left to right).
Mathematics 10 02629 g011
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Tyrylgin, A.; Stepanov, S.; Ammosov, D.; Grigorev, A.; Vasilyeva, M. Partial Learning Using Partially Explicit Discretization for Multicontinuum/Multiscale Problems with Limited Observation: Dual Continuum Heterogeneous Poroelastic Media Simulation. Mathematics 2022, 10, 2629. https://doi.org/10.3390/math10152629

AMA Style

Tyrylgin A, Stepanov S, Ammosov D, Grigorev A, Vasilyeva M. Partial Learning Using Partially Explicit Discretization for Multicontinuum/Multiscale Problems with Limited Observation: Dual Continuum Heterogeneous Poroelastic Media Simulation. Mathematics. 2022; 10(15):2629. https://doi.org/10.3390/math10152629

Chicago/Turabian Style

Tyrylgin, Aleksei, Sergei Stepanov, Dmitry Ammosov, Aleksandr Grigorev, and Maria Vasilyeva. 2022. "Partial Learning Using Partially Explicit Discretization for Multicontinuum/Multiscale Problems with Limited Observation: Dual Continuum Heterogeneous Poroelastic Media Simulation" Mathematics 10, no. 15: 2629. https://doi.org/10.3390/math10152629

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop