This tutorial depends on step-40, step-22.
This program was contributed by Timo Heister. Special thanks to Sander Rhebergen for the inspiration to finally write this tutorial.
This material is based upon work partially supported by National Science Foundation grant DMS1522191 and the Computational Infrastructure in Geodynamics initiative (CIG), through the National Science Foundation under Award No. EAR-0949446 and The University of California-Davis.
The authors would like to thank the Isaac Newton Institute for Mathematical Sciences, Cambridge, for support and hospitality during the programme Melt in the Mantle where work on this tutorial was undertaken. This work was supported by EPSRC grant no EP/K032208/1.
- Note
- As a prerequisite of this program, you need to have PETSc or Trilinos and the p4est library installed. The installation of deal.II together with these additional libraries is described in the README file.
Introduction
Building on step-40, this tutorial shows how to solve linear PDEs with several components in parallel using MPI with PETSc or Trilinos for the linear algebra. For this, we return to the Stokes equations as discussed in step-22. The motivation for writing this tutorial is to provide an intermediate step (pun intended) between step-40 (parallel Laplace) and step-32 (parallel coupled Stokes with Boussinesq for a time dependent problem).
The learning outcomes for this tutorial are:
- You are able to solve PDEs with several variables in parallel and can apply this to different problems.
- You understand the concept of optimal preconditioners and are able to check this for a particular problem.
- You are able to construct manufactured solutions using the free computer algreba system SymPy (https://sympy.org).
- You can implement various other tasks for parallel programs: error computation, writing graphical output, etc.
- You can visualize vector fields, stream lines, and contours of vector quantities.
We are solving for a velocity \(\textbf{u}\) and pressure \(p\) that satisfy the Stokes equation, which reads
\begin{eqnarray*} - \triangle \textbf{u} + \nabla p &=& \textbf{f}, \\ -\textrm{div}\; \textbf{u} &=& 0. \end{eqnarray*}
Optimal preconditioners
Make sure that you read (even better: try) what is described in "Block Schur
complement preconditioner" in the "Possible Extensions" section in step-22. Like described there, we are going to solve the block system using a Krylov method and a block preconditioner.
Our goal here is to construct a very simple (maybe the simplest?) optimal preconditioner for the linear system. A preconditioner is called "optimal" or "of optimal complexity", if the number of iterations of the preconditioned system is independent of the mesh size \(h\). You can extend that definition to also require indepence of the number of processors used (we will discuss that in the results section), the computational domain and the mesh quality, the test case itself, the polynomial degree of the finite element space, and more.
Why is a constant number of iterations considered to be "optimal"? Assume the discretized PDE gives a linear system with N unknowns. Because the matrix coming from the FEM discretization is sparse, a matrix-vector product can be done in O(N) time. A preconditioner application can also only be O(N) at best (for example doable with multigrid methods). If the number of iterations required to solve the linear system is independent of \(h\) (and therefore N), the total cost of solving the system will be O(N). It is not possible to beat this complexity, because even looking at all the entries of the right-hand side already takes O(N) time.
The preconditioner described here is even simpler than the one described in step-22 and will typically require more iterations and consequently time to solve. When considering preconditioners, optimality is not the only important metric. But an optimal and expensive preconditioner is typically more desirable than a cheaper, non-optimal one. This is because, eventually, as the mesh size becomes smaller and smaller and linear problems become bigger and bigger, the former will eventually beat the latter.
The solver and preconditioner
We precondition the linear system
\begin{eqnarray*} \left(\begin{array}{cc} A & B^T \\ B & 0 \end{array}\right) \left(\begin{array}{c} U \\ P \end{array}\right) = \left(\begin{array}{c} F \\ 0 \end{array}\right), \end{eqnarray*}
with the block diagonal preconditioner
\begin{eqnarray*} P^{-1} = \left(\begin{array}{cc} A & 0 \\ 0 & S \end{array}\right) ^{-1}, = \left(\begin{array}{cc} A^{-1} & 0 \\ 0 & S^{-1} \end{array}\right), \end{eqnarray*}
where \(S=-BA^{-1} B^T\) is the Schur complement.
With this choice of \(P\), assuming that we handle \(A^{-1}\) and \(S^{-1}\) exactly (which is an "idealized" situation), the preconditioned linear system has three distinct eigenvalues independent of \(h\) and is therefore "optimal". See section 6.2.1 (especially p. 292) in "Finite Elements and Fast Iterative
Solvers: with Applications in Incompressible Fluid Dynamics" by Elman, Silvester, and Wathen (Oxford University Press (UK), 2005). For comparison, using the ideal version of the upper block-triangular preconditioner in step-22 (also used in step-56) would have all eigenvalues be equal to one.
We will use approximations of the inverse operations in \(P^{-1}\) that are (nearly) independent of \(h\). In this situation, one can again show, that the eigenvalues are independent of \(h\). For the Krylov method we choose MINRES, which is attractive for the analysis (iteration count is proven to be independent of \(h\), see the remainder of the chapter 6.2.1 in the book mentioned above), great from the computational standpoint (simpler and cheaper than GMRES for example), and applicable (matrix and preconditioner are symmetric).
For the approximations we will use a CG solve with the mass matrix in the pressure space for approximating the action of \(S^{-1}\). Note that the mass matrix is spectrally equivalent to \(S\). We can expect the number of CG iterations to be independent of \(h\), even with a simple preconditioner like ILU.
For the approximation of the velocity block \(A\) we will perform a single AMG V-cycle. In practice this choice is not exactly independent of \(h\), which can explain the slight increase in iteration numbers. A possible explanation is that the coarsest level will be solved exactly and the number of levels and size of the coarsest matrix is not predictable.
The testcase
We will construct a manufactured solution based on the Kovasznay problem ("Laminar flow behind a two-dimensional grid" by Kovasznay, 1948). Here is an image of the solution colored by the x velocity including streamlines of the velocity:
We have to cheat here, though, because we are not solving the non-linear Navier-Stokes equations, but the linear Stokes system without convective term. Therefore, to recreate the exact same solution, we use the method of manufactured solutions with the solution of the Kovasznay problem. This will effectively move the convective term into the right-hand side \(f\).
The right-hand side is computed using the script "reference.py" and we use the exact solution for boundary conditions and error computation.
The commented program
#include <deal.II/base/quadrature_lib.h>
#include <deal.II/base/function.h>
#include <deal.II/base/timer.h>
The following chunk out code is identical to step-40 and allows switching between PETSc and Trilinos:
#include <deal.II/lac/generic_linear_algebra.h>
/ * #define FORCE_USE_OF_TRILINOS * /
namespace LA
{
#if defined(DEAL_II_WITH_PETSC) && !defined(DEAL_II_PETSC_WITH_COMPLEX) && \
!(defined(DEAL_II_WITH_TRILINOS) && defined(FORCE_USE_OF_TRILINOS))
# define USE_PETSC_LA
#elif defined(DEAL_II_WITH_TRILINOS)
#else
# error DEAL_II_WITH_PETSC or DEAL_II_WITH_TRILINOS required
#endif
}
#include <deal.II/lac/vector.h>
#include <deal.II/lac/full_matrix.h>
#include <deal.II/lac/solver_cg.h>
#include <deal.II/lac/solver_gmres.h>
#include <deal.II/lac/solver_minres.h>
#include <deal.II/lac/affine_constraints.h>
#include <deal.II/lac/dynamic_sparsity_pattern.h>
#include <deal.II/lac/petsc_sparse_matrix.h>
#include <deal.II/lac/petsc_vector.h>
#include <deal.II/lac/petsc_solver.h>
#include <deal.II/lac/petsc_precondition.h>
#include <deal.II/grid/grid_generator.h>
#include <deal.II/grid/tria_accessor.h>
#include <deal.II/grid/tria_iterator.h>
#include <deal.II/grid/manifold_lib.h>
#include <deal.II/grid/grid_tools.h>
#include <deal.II/dofs/dof_handler.h>
#include <deal.II/dofs/dof_renumbering.h>
#include <deal.II/dofs/dof_accessor.h>
#include <deal.II/dofs/dof_tools.h>
#include <deal.II/fe/fe_values.h>
#include <deal.II/fe/fe_q.h>
#include <deal.II/fe/fe_system.h>
#include <deal.II/numerics/vector_tools.h>
#include <deal.II/numerics/data_out.h>
#include <deal.II/numerics/error_estimator.h>
#include <deal.II/base/utilities.h>
#include <deal.II/base/conditional_ostream.h>
#include <deal.II/base/index_set.h>
#include <deal.II/lac/sparsity_tools.h>
#include <deal.II/distributed/tria.h>
#include <deal.II/distributed/grid_refinement.h>
#include <cmath>
#include <fstream>
#include <iostream>
namespace Step55
{
Linear solvers and preconditioners
We need a few helper classes to represent our solver strategy described in the introduction.
This class exposes the action of applying the inverse of a giving matrix via the function InverseMatrix::vmult(). Internally, the inverse is not formed explicitly. Instead, a linear solver with CG is performed. This class extends the InverseMatrix class in step-22 with an option to specify a preconditioner, and to allow for different vector types in the vmult function.
template <class Matrix, class Preconditioner>
{
public:
InverseMatrix(const Matrix &m, const Preconditioner &preconditioner);
template <typename VectorType>
void vmult(VectorType &dst, const VectorType &src) const;
private:
const Preconditioner & preconditioner;
};
template <class Matrix, class Preconditioner>
InverseMatrix<Matrix, Preconditioner>::InverseMatrix(
const Matrix & m,
const Preconditioner &preconditioner)
, preconditioner(preconditioner)
{}
template <class Matrix, class Preconditioner>
template <typename VectorType>
void
InverseMatrix<Matrix, Preconditioner>::vmult(VectorType & dst,
const VectorType &src) const
{
dst = 0;
try
{
cg.solve(*matrix, dst, src, preconditioner);
}
catch (std::exception &e)
{
}
}
The class A template class for a simple block diagonal preconditioner for 2x2 matrices.
template <class PreconditionerA, class PreconditionerS>
{
public:
BlockDiagonalPreconditioner(const PreconditionerA &preconditioner_A,
const PreconditionerS &preconditioner_S);
private:
const PreconditionerA &preconditioner_A;
const PreconditionerS &preconditioner_S;
};
template <class PreconditionerA, class PreconditionerS>
BlockDiagonalPreconditioner<PreconditionerA, PreconditionerS>::
BlockDiagonalPreconditioner(const PreconditionerA &preconditioner_A,
const PreconditionerS &preconditioner_S)
: preconditioner_A(preconditioner_A)
, preconditioner_S(preconditioner_S)
{}
template <class PreconditionerA, class PreconditionerS>
void BlockDiagonalPreconditioner<PreconditionerA, PreconditionerS>::vmult(
{
preconditioner_A.vmult(dst.block(0), src.block(0));
preconditioner_S.
vmult(dst.block(1), src.block(1));
}
}
Problem setup
The following classes represent the right hand side and the exact solution for the test problem.
template <int dim>
class RightHandSide :
public Function<dim>
{
public:
RightHandSide()
{}
};
template <int dim>
void RightHandSide<dim>::vector_value(
const Point<dim> &p,
{
const double R_x = p[0];
const double R_y = p[1];
const double pi2 = pi * pi;
values[0] =
-1.0L / 2.0L * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0) *
exp(R_x * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0)) -
0.4 * pi2 *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi) +
0.1 *
pow(-
sqrt(25.0 + 4 * pi2) + 5.0, 2) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi);
values[1] = 0.2 * pi * (-
sqrt(25.0 + 4 * pi2) + 5.0) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) -
0.05 *
pow(-
sqrt(25.0 + 4 * pi2) + 5.0, 3) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) /
pi;
values[2] = 0;
}
template <int dim>
class ExactSolution :
public Function<dim>
{
public:
ExactSolution()
{}
};
template <int dim>
void ExactSolution<dim>::vector_value(
const Point<dim> &p,
{
const double R_x = p[0];
const double R_y = p[1];
const double pi2 = pi * pi;
values[0] =
-
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi) + 1;
values[1] = (1.0L / 2.0L) * (-
sqrt(25.0 + 4 * pi2) + 5.0) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) /
pi;
values[2] =
-1.0L / 2.0L *
exp(R_x * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0)) -
2.0 *
(-6538034.74494422 +
0.0134758939981709 *
exp(4 *
sqrt(25.0 + 4 * pi2))) /
(-80.0 *
exp(3 *
sqrt(25.0 + 4 * pi2)) +
16.0 *
sqrt(25.0 + 4 * pi2) *
exp(3 *
sqrt(25.0 + 4 * pi2))) -
1634508.68623606 *
exp(-3.0 *
sqrt(25.0 + 4 * pi2)) /
(-10.0 + 2.0 *
sqrt(25.0 + 4 * pi2)) +
(-0.00673794699908547 *
exp(
sqrt(25.0 + 4 * pi2)) +
3269017.37247211 *
exp(-3 *
sqrt(25.0 + 4 * pi2))) /
(-8 *
sqrt(25.0 + 4 * pi2) + 40.0) +
0.00336897349954273 *
exp(1.0 *
sqrt(25.0 + 4 * pi2)) /
(-10.0 + 2.0 *
sqrt(25.0 + 4 * pi2));
}
The main program
The main class is very similar to step-40, except that matrices and vectors are now block versions, and we store a std::vector<IndexSet> for owned and relevant DoFs instead of a single IndexSet. We have exactly two IndexSets, one for all velocity unknowns and one for all pressure unknowns.
template <int dim>
class StokesProblem
{
public:
StokesProblem(unsigned int velocity_degree);
private:
void make_grid();
void setup_system();
void assemble_system();
void solve();
void refine_grid();
void output_results(const unsigned int cycle) const;
unsigned int velocity_degree;
double viscosity;
MPI_Comm mpi_communicator;
std::vector<IndexSet> owned_partitioning;
std::vector<IndexSet> relevant_partitioning;
LA::MPI::BlockSparseMatrix system_matrix;
LA::MPI::BlockSparseMatrix preconditioner_matrix;
};
template <int dim>
StokesProblem<dim>::StokesProblem(unsigned int velocity_degree)
: velocity_degree(velocity_degree)
, viscosity(0.1)
, mpi_communicator(MPI_COMM_WORLD)
, fe(
FE_Q<dim>(velocity_degree), dim,
FE_Q<dim>(velocity_degree - 1), 1)
, triangulation(mpi_communicator,
, dof_handler(triangulation)
, computing_timer(mpi_communicator,
pcout,
{}
The Kovasnay flow is defined on the domain [-0.5, 1.5]^2, which we create by passing the min and max values to GridGenerator::hyper_cube.
template <int dim>
void StokesProblem<dim>::make_grid()
{
triangulation.refine_global(3);
}
System Setup
The construction of the block matrices and vectors is new compared to step-40 and is different compared to serial codes like step-22, because we need to supply the set of rows that belong to our processor.
template <int dim>
void StokesProblem<dim>::setup_system()
{
Put all dim velocities into block 0 and the pressure into block 1, then reorder the unknowns by block. Finally count how many unknowns we have per block.
std::vector<unsigned int> stokes_sub_blocks(dim + 1, 0);
stokes_sub_blocks[dim] = 1;
std::vector<types::global_dof_index> dofs_per_block(2);
dofs_per_block,
stokes_sub_blocks);
const unsigned int n_u = dofs_per_block[0], n_p = dofs_per_block[1];
pcout <<
" Number of degrees of freedom: " << dof_handler.
n_dofs() <<
" (" << n_u << '+' << n_p << ')' << std::endl;
We split up the IndexSet for locally owned and locally relevant DoFs into two IndexSets based on how we want to create the block matrices and vectors.
owned_partitioning.resize(2);
owned_partitioning[1] =
relevant_partitioning.resize(2);
relevant_partitioning[0] = locally_relevant_dofs.
get_view(0, n_u);
relevant_partitioning[1] = locally_relevant_dofs.
get_view(n_u, n_u + n_p);
Setting up the constraints for boundary conditions and hanging nodes is identical to step-40. Rven though we don't have any hanging nodes because we only perform global refinement, it is still a good idea to put this function call in, in case adaptive refinement gets introduced later.
{
constraints.reinit(locally_relevant_dofs);
0,
ExactSolution<dim>(),
constraints,
constraints.close();
}
Now we create the system matrix based on a BlockDynamicSparsityPattern. We know that we won't have coupling between different velocity components (because we use the laplace and not the deformation tensor) and no coupling between pressure with its test functions, so we use a Table to communicate this coupling information to DoFTools::make_sparsity_pattern.
{
system_matrix.clear();
for (unsigned int c = 0; c < dim + 1; ++c)
for (
unsigned int d = 0;
d < dim + 1; ++
d)
if (c == dim && d == dim)
else if (c == dim || d == dim || c == d)
else
dof_handler, coupling, dsp, constraints, false);
dsp,
mpi_communicator,
locally_relevant_dofs);
system_matrix.reinit(owned_partitioning, dsp, mpi_communicator);
}
The preconditioner matrix has a different coupling (we only fill in the 1,1 block with the mass matrix), otherwise this code is identical to the construction of the system_matrix above.
{
preconditioner_matrix.clear();
for (unsigned int c = 0; c < dim + 1; ++c)
for (
unsigned int d = 0;
d < dim + 1; ++
d)
if (c == dim && d == dim)
else
dof_handler, coupling, dsp, constraints, false);
dsp,
mpi_communicator,
locally_relevant_dofs);
preconditioner_matrix.reinit(owned_partitioning,
owned_partitioning,
Finally, we construct the block vectors with the right sizes. The function call with two std::vector<IndexSet> will create a ghosted vector.
locally_relevant_solution.reinit(owned_partitioning,
relevant_partitioning,
mpi_communicator);
system_rhs.
reinit(owned_partitioning, mpi_communicator);
}
Assembly
This function assembles the system matrix, the preconditioner matrix, and the right hand side. The code is pretty standard.
template <int dim>
void StokesProblem<dim>::assemble_system()
{
system_matrix = 0;
preconditioner_matrix = 0;
system_rhs = 0;
const QGauss<dim> quadrature_formula(velocity_degree + 1);
quadrature_formula,
const unsigned int n_q_points = quadrature_formula.
size();
const RightHandSide<dim> right_hand_side;
std::vector<Vector<double>> rhs_values(n_q_points,
Vector<double>(dim + 1));
std::vector<Tensor<2, dim>> grad_phi_u(dofs_per_cell);
std::vector<double> div_phi_u(dofs_per_cell);
std::vector<double> phi_p(dofs_per_cell);
std::vector<types::global_dof_index> local_dof_indices(dofs_per_cell);
if (cell->is_locally_owned())
{
cell_matrix2 = 0;
cell_rhs = 0;
rhs_values);
for (unsigned int q = 0; q < n_q_points; ++q)
{
for (unsigned int k = 0; k < dofs_per_cell; ++k)
{
grad_phi_u[k] = fe_values[velocities].gradient(k, q);
div_phi_u[k] = fe_values[velocities].divergence(k, q);
phi_p[k] = fe_values[pressure].value(k, q);
}
for (unsigned int i = 0; i < dofs_per_cell; ++i)
{
for (unsigned int j = 0; j < dofs_per_cell; ++j)
{
(viscosity *
div_phi_u[i] * phi_p[j] - phi_p[i] * div_phi_u[j]) *
cell_matrix2(i, j) += 1.0 / viscosity * phi_p[i] *
phi_p[j] * fe_values.
JxW(q);
}
const unsigned int component_i =
rhs_values[q](component_i) * fe_values.
JxW(q);
}
}
cell->get_dof_indices(local_dof_indices);
constraints.distribute_local_to_global(cell_matrix,
cell_rhs,
local_dof_indices,
system_matrix,
system_rhs);
constraints.distribute_local_to_global(cell_matrix2,
local_dof_indices,
preconditioner_matrix);
}
}
Solving
This function solves the linear system with MINRES with a block diagonal preconditioner and AMG for the two diagonal blocks as described in the introduction. The preconditioner applies a v cycle to the 0,0 block and a CG with the mass matrix for the 1,1 block (the Schur complement).
template <int dim>
void StokesProblem<dim>::solve()
{
LA::MPI::PreconditionAMG prec_A;
{
LA::MPI::PreconditionAMG::AdditionalData data;
#ifdef USE_PETSC_LA
data.symmetric_operator = true;
#endif
prec_A.initialize(system_matrix.block(0, 0), data);
}
LA::MPI::PreconditionAMG prec_S;
{
LA::MPI::PreconditionAMG::AdditionalData data;
#ifdef USE_PETSC_LA
data.symmetric_operator = true;
#endif
prec_S.initialize(preconditioner_matrix.block(1, 1), data);
}
The InverseMatrix is used to solve for the mass matrix:
using mp_inverse_t = LinearSolvers::InverseMatrix<LA::MPI::SparseMatrix,
LA::MPI::PreconditionAMG>;
const mp_inverse_t mp_inverse(preconditioner_matrix.block(1, 1), prec_S);
This constructs the block preconditioner based on the preconditioners for the individual blocks defined above.
const LinearSolvers::BlockDiagonalPreconditioner<LA::MPI::PreconditionAMG,
mp_inverse_t>
preconditioner(prec_A, mp_inverse);
With that, we can finally set up the linear solver and solve the system:
mpi_communicator);
constraints.set_zero(distributed_solution);
solver.solve(system_matrix,
distributed_solution,
system_rhs,
preconditioner);
pcout << " Solved in " << solver_control.last_step() << " iterations."
<< std::endl;
constraints.distribute(distributed_solution);
Like in step-56, we subtract the mean pressure to allow error computations against our reference solution, which has a mean value of zero.
locally_relevant_solution = distributed_solution;
const double mean_pressure =
locally_relevant_solution,
dim);
distributed_solution.block(1).add(-mean_pressure);
locally_relevant_solution.block(1) = distributed_solution.block(1);
}
The rest
The remainder of the code that deals with mesh refinement, output, and the main loop is pretty standard.
template <int dim>
void StokesProblem<dim>::refine_grid()
{
triangulation.refine_global();
}
template <int dim>
void StokesProblem<dim>::output_results(const unsigned int cycle) const
{
{
dim + 1);
locally_relevant_solution,
ExactSolution<dim>(),
cellwise_errors,
quadrature,
&velocity_mask);
const double error_u_l2 =
cellwise_errors,
locally_relevant_solution,
ExactSolution<dim>(),
cellwise_errors,
quadrature,
&pressure_mask);
const double error_p_l2 =
cellwise_errors,
pcout << "error: u_0: " << error_u_l2 << " p_0: " << error_p_l2
<< std::endl;
}
std::vector<std::string> solution_names(dim, "velocity");
solution_names.emplace_back("pressure");
std::vector<DataComponentInterpretation::DataComponentInterpretation>
data_component_interpretation(
data_component_interpretation.push_back(
solution_names,
data_component_interpretation);
interpolated.reinit(owned_partitioning, MPI_COMM_WORLD);
relevant_partitioning,
MPI_COMM_WORLD);
interpolated_relevant = interpolated;
{
std::vector<std::string> solution_names(dim, "ref_u");
solution_names.emplace_back("ref_p");
solution_names,
data_component_interpretation);
}
for (unsigned int i = 0; i < subdomain.size(); ++i)
subdomain(i) = triangulation.locally_owned_subdomain();
const std::string filename =
std::ofstream output((filename + ".vtu"));
{
std::vector<std::string> filenames;
for (unsigned int i = 0;
++i)
std::ofstream master_output(
}
}
template <int dim>
void StokesProblem<dim>::run()
{
#ifdef USE_PETSC_LA
pcout << "Running using PETSc." << std::endl;
#else
pcout << "Running using Trilinos." << std::endl;
#endif
const unsigned int n_cycles = 5;
for (unsigned int cycle = 0; cycle < n_cycles; ++cycle)
{
pcout << "Cycle " << cycle << ':' << std::endl;
if (cycle == 0)
make_grid();
else
refine_grid();
setup_system();
assemble_system();
solve();
{
output_results(cycle);
}
computing_timer.print_summary();
computing_timer.reset();
pcout << std::endl;
}
}
}
int main(int argc, char *argv[])
{
try
{
using namespace Step55;
StokesProblem<2> problem(2);
problem.run();
}
catch (std::exception &exc)
{
std::cerr << std::endl
<< std::endl
<< "----------------------------------------------------"
<< std::endl;
std::cerr << "Exception on processing: " << std::endl
<< exc.what() << std::endl
<< "Aborting!" << std::endl
<< "----------------------------------------------------"
<< std::endl;
return 1;
}
catch (...)
{
std::cerr << std::endl
<< std::endl
<< "----------------------------------------------------"
<< std::endl;
std::cerr << "Unknown exception!" << std::endl
<< "Aborting!" << std::endl
<< "----------------------------------------------------"
<< std::endl;
return 1;
}
return 0;
}
Results
As expected from the discussion above, the number of iterations is independent of the number of processors and only very slightly dependent on \(h\):
PETSc | number of processors |
cycle | dofs | 1 | 2 | 4 | 8 | 16 | 32 | 64 | 128 |
0 | 659 | 49 | 49 | 49 | 51 | 51 | 51 | 49 | 49 |
1 | 2467 | 52 | 52 | 52 | 52 | 52 | 54 | 54 | 53 |
2 | 9539 | 56 | 56 | 56 | 54 | 56 | 56 | 54 | 56 |
3 | 37507 | 57 | 57 | 57 | 57 | 57 | 56 | 57 | 56 |
4 | 148739 | 58 | 59 | 57 | 59 | 57 | 57 | 57 | 57 |
5 | 592387 | 60 | 60 | 59 | 59 | 59 | 59 | 59 | 59 |
6 | 2364419 | 62 | 62 | 61 | 61 | 61 | 61 | 61 | 61 |
Trilinos | number of processors |
cycle | dofs | 1 | 2 | 4 | 8 | 16 | 32 | 64 | 128 |
0 | 659 | 37 | 37 | 37 | 37 | 37 | 37 | 37 | 37 |
1 | 2467 | 92 | 89 | 89 | 82 | 86 | 81 | 78 | 78 |
2 | 9539 | 102 | 99 | 96 | 95 | 95 | 88 | 83 | 95 |
3 | 37507 | 107 | 105 | 104 | 99 | 100 | 96 | 96 | 90 |
4 | 148739 | 112 | 112 | 111 | 111 | 127 | 126 | 115 | 117 |
5 | 592387 | 116 | 115 | 114 | 112 | 118 | 120 | 131 | 130 |
6 | 2364419 | 130 | 126 | 120 | 120 | 121 | 122 | 121 | 123 |
While the PETSc results show a constant number of iterations, the iterations increase when using Trilinos. This is likely because of the different settings used for the AMG preconditioner. For performance reasons we do not allow coarsening below a couple thousand unknowns. As the coarse solver is an exact solve (we are using LU by default), a change in number of levels will influence the quality of a V-cycle. Therefore, a V-cycle is closer to an exact solver for smaller problem sizes.
Possibilities for extensions
Investigate Trilinos iterations
Play with the smoothers, smoothing steps, and other properties for the Trilinos AMG to achieve an optimal preconditioner.
Solve the Oseen problem instead of the Stokes system
This change requires changing the outer solver to GMRES or BiCGStab, because the system is no longer symmetric.
You can prescribe the exact flow solution as \(b\) in the convective term \(b \cdot \nabla u\). This should give the same solution as the original problem, if you set the right hand side to zero.
Adaptive refinement
So far, this tutorial program refines the mesh globally in each step. Replacing the code in StokesProblem::refine_grid() by something like
Vector<float> estimated_error_per_cell(triangulation.n_active_cells());
dof_handler,
locally_relevant_solution,
estimated_error_per_cell,
triangulation, estimated_error_per_cell, 0.3, 0.0);
triangulation.execute_coarsening_and_refinement();
makes it simple to explore adaptive mesh refinement.
The plain program
#include <deal.II/base/quadrature_lib.h>
#include <deal.II/base/function.h>
#include <deal.II/base/timer.h>
#include <deal.II/lac/generic_linear_algebra.h>
namespace LA
{
#if defined(DEAL_II_WITH_PETSC) && !defined(DEAL_II_PETSC_WITH_COMPLEX) && \
!(defined(DEAL_II_WITH_TRILINOS) && defined(FORCE_USE_OF_TRILINOS))
# define USE_PETSC_LA
#elif defined(DEAL_II_WITH_TRILINOS)
#else
# error DEAL_II_WITH_PETSC or DEAL_II_WITH_TRILINOS required
#endif
}
#include <deal.II/lac/vector.h>
#include <deal.II/lac/full_matrix.h>
#include <deal.II/lac/solver_cg.h>
#include <deal.II/lac/solver_gmres.h>
#include <deal.II/lac/solver_minres.h>
#include <deal.II/lac/affine_constraints.h>
#include <deal.II/lac/dynamic_sparsity_pattern.h>
#include <deal.II/lac/petsc_sparse_matrix.h>
#include <deal.II/lac/petsc_vector.h>
#include <deal.II/lac/petsc_solver.h>
#include <deal.II/lac/petsc_precondition.h>
#include <deal.II/grid/grid_generator.h>
#include <deal.II/grid/tria_accessor.h>
#include <deal.II/grid/tria_iterator.h>
#include <deal.II/grid/manifold_lib.h>
#include <deal.II/grid/grid_tools.h>
#include <deal.II/dofs/dof_handler.h>
#include <deal.II/dofs/dof_renumbering.h>
#include <deal.II/dofs/dof_accessor.h>
#include <deal.II/dofs/dof_tools.h>
#include <deal.II/fe/fe_values.h>
#include <deal.II/fe/fe_q.h>
#include <deal.II/fe/fe_system.h>
#include <deal.II/numerics/vector_tools.h>
#include <deal.II/numerics/data_out.h>
#include <deal.II/numerics/error_estimator.h>
#include <deal.II/base/utilities.h>
#include <deal.II/base/conditional_ostream.h>
#include <deal.II/base/index_set.h>
#include <deal.II/lac/sparsity_tools.h>
#include <deal.II/distributed/tria.h>
#include <deal.II/distributed/grid_refinement.h>
#include <cmath>
#include <fstream>
#include <iostream>
namespace Step55
{
namespace LinearSolvers
{
template <class Matrix, class Preconditioner>
{
public:
InverseMatrix(const Matrix &m, const Preconditioner &preconditioner);
template <typename VectorType>
void vmult(VectorType &dst, const VectorType &src) const;
private:
const Preconditioner & preconditioner;
};
template <class Matrix, class Preconditioner>
InverseMatrix<Matrix, Preconditioner>::InverseMatrix(
const Matrix & m,
const Preconditioner &preconditioner)
, preconditioner(preconditioner)
{}
template <class Matrix, class Preconditioner>
template <typename VectorType>
void
InverseMatrix<Matrix, Preconditioner>::vmult(VectorType & dst,
const VectorType &src) const
{
dst = 0;
try
{
cg.solve(*matrix, dst, src, preconditioner);
}
catch (std::exception &e)
{
}
}
template <class PreconditionerA, class PreconditionerS>
{
public:
BlockDiagonalPreconditioner(const PreconditionerA &preconditioner_A,
const PreconditionerS &preconditioner_S);
private:
const PreconditionerA &preconditioner_A;
const PreconditionerS &preconditioner_S;
};
template <class PreconditionerA, class PreconditionerS>
BlockDiagonalPreconditioner<PreconditionerA, PreconditionerS>::
BlockDiagonalPreconditioner(const PreconditionerA &preconditioner_A,
const PreconditionerS &preconditioner_S)
: preconditioner_A(preconditioner_A)
, preconditioner_S(preconditioner_S)
{}
template <class PreconditionerA, class PreconditionerS>
void BlockDiagonalPreconditioner<PreconditionerA, PreconditionerS>::vmult(
{
preconditioner_A.vmult(dst.block(0), src.block(0));
preconditioner_S.
vmult(dst.block(1), src.block(1));
}
}
template <int dim>
class RightHandSide :
public Function<dim>
{
public:
RightHandSide()
{}
};
template <int dim>
void RightHandSide<dim>::vector_value(
const Point<dim> &p,
{
const double R_x = p[0];
const double R_y = p[1];
const double pi2 = pi * pi;
values[0] =
-1.0L / 2.0L * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0) *
exp(R_x * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0)) -
0.4 * pi2 *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi) +
0.1 *
pow(-
sqrt(25.0 + 4 * pi2) + 5.0, 2) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi);
values[1] = 0.2 * pi * (-
sqrt(25.0 + 4 * pi2) + 5.0) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) -
0.05 *
pow(-
sqrt(25.0 + 4 * pi2) + 5.0, 3) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) /
pi;
values[2] = 0;
}
template <int dim>
class ExactSolution :
public Function<dim>
{
public:
ExactSolution()
{}
};
template <int dim>
void ExactSolution<dim>::vector_value(
const Point<dim> &p,
{
const double R_x = p[0];
const double R_y = p[1];
const double pi2 = pi * pi;
values[0] =
-
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
cos(2 * R_y * pi) + 1;
values[1] = (1.0L / 2.0L) * (-
sqrt(25.0 + 4 * pi2) + 5.0) *
exp(R_x * (-
sqrt(25.0 + 4 * pi2) + 5.0)) *
sin(2 * R_y * pi) /
pi;
values[2] =
-1.0L / 2.0L *
exp(R_x * (-2 *
sqrt(25.0 + 4 * pi2) + 10.0)) -
2.0 *
(-6538034.74494422 +
0.0134758939981709 *
exp(4 *
sqrt(25.0 + 4 * pi2))) /
(-80.0 *
exp(3 *
sqrt(25.0 + 4 * pi2)) +
16.0 *
sqrt(25.0 + 4 * pi2) *
exp(3 *
sqrt(25.0 + 4 * pi2))) -
1634508.68623606 *
exp(-3.0 *
sqrt(25.0 + 4 * pi2)) /
(-10.0 + 2.0 *
sqrt(25.0 + 4 * pi2)) +
(-0.00673794699908547 *
exp(
sqrt(25.0 + 4 * pi2)) +
3269017.37247211 *
exp(-3 *
sqrt(25.0 + 4 * pi2))) /
(-8 *
sqrt(25.0 + 4 * pi2) + 40.0) +
0.00336897349954273 *
exp(1.0 *
sqrt(25.0 + 4 * pi2)) /
(-10.0 + 2.0 *
sqrt(25.0 + 4 * pi2));
}
template <int dim>
class StokesProblem
{
public:
StokesProblem(unsigned int velocity_degree);
private:
void make_grid();
void setup_system();
void assemble_system();
void solve();
void refine_grid();
void output_results(const unsigned int cycle) const;
unsigned int velocity_degree;
double viscosity;
MPI_Comm mpi_communicator;
std::vector<IndexSet> owned_partitioning;
std::vector<IndexSet> relevant_partitioning;
LA::MPI::BlockSparseMatrix system_matrix;
LA::MPI::BlockSparseMatrix preconditioner_matrix;
};
template <int dim>
StokesProblem<dim>::StokesProblem(unsigned int velocity_degree)
: velocity_degree(velocity_degree)
, viscosity(0.1)
, mpi_communicator(MPI_COMM_WORLD)
, fe(
FE_Q<dim>(velocity_degree), dim,
FE_Q<dim>(velocity_degree - 1), 1)
, triangulation(mpi_communicator,
, dof_handler(triangulation)
, computing_timer(mpi_communicator,
pcout,
{}
template <int dim>
void StokesProblem<dim>::make_grid()
{
triangulation.refine_global(3);
}
template <int dim>
void StokesProblem<dim>::setup_system()
{
std::vector<unsigned int> stokes_sub_blocks(dim + 1, 0);
stokes_sub_blocks[dim] = 1;
std::vector<types::global_dof_index> dofs_per_block(2);
dofs_per_block,
stokes_sub_blocks);
const unsigned int n_u = dofs_per_block[0], n_p = dofs_per_block[1];
pcout <<
" Number of degrees of freedom: " << dof_handler.
n_dofs() <<
" (" << n_u << '+' << n_p << ')' << std::endl;
owned_partitioning.resize(2);
owned_partitioning[1] =
relevant_partitioning.resize(2);
relevant_partitioning[0] = locally_relevant_dofs.
get_view(0, n_u);
relevant_partitioning[1] = locally_relevant_dofs.
get_view(n_u, n_u + n_p);
{
constraints.reinit(locally_relevant_dofs);
0,
ExactSolution<dim>(),
constraints,
constraints.close();
}
{
system_matrix.clear();
for (unsigned int c = 0; c < dim + 1; ++c)
for (
unsigned int d = 0;
d < dim + 1; ++
d)
if (c == dim && d == dim)
else if (c == dim || d == dim || c == d)
else
dof_handler, coupling, dsp, constraints, false);
dsp,
mpi_communicator,
locally_relevant_dofs);
system_matrix.reinit(owned_partitioning, dsp, mpi_communicator);
}
{
preconditioner_matrix.clear();
for (unsigned int c = 0; c < dim + 1; ++c)
for (
unsigned int d = 0;
d < dim + 1; ++
d)
if (c == dim && d == dim)
else
dof_handler, coupling, dsp, constraints, false);
dsp,
mpi_communicator,
locally_relevant_dofs);
preconditioner_matrix.reinit(owned_partitioning,
dsp,
mpi_communicator);
}
locally_relevant_solution.reinit(owned_partitioning,
relevant_partitioning,
mpi_communicator);
system_rhs.
reinit(owned_partitioning, mpi_communicator);
}
template <int dim>
void StokesProblem<dim>::assemble_system()
{
system_matrix = 0;
preconditioner_matrix = 0;
system_rhs = 0;
const QGauss<dim> quadrature_formula(velocity_degree + 1);
quadrature_formula,
const unsigned int n_q_points = quadrature_formula.
size();
const RightHandSide<dim> right_hand_side;
std::vector<Vector<double>> rhs_values(n_q_points,
Vector<double>(dim + 1));
std::vector<Tensor<2, dim>> grad_phi_u(dofs_per_cell);
std::vector<double> div_phi_u(dofs_per_cell);
std::vector<double> phi_p(dofs_per_cell);
std::vector<types::global_dof_index> local_dof_indices(dofs_per_cell);
if (cell->is_locally_owned())
{
cell_matrix2 = 0;
cell_rhs = 0;
rhs_values);
for (unsigned int q = 0; q < n_q_points; ++q)
{
for (unsigned int k = 0; k < dofs_per_cell; ++k)
{
grad_phi_u[k] = fe_values[velocities].gradient(k, q);
div_phi_u[k] = fe_values[velocities].divergence(k, q);
phi_p[k] = fe_values[pressure].value(k, q);
}
for (unsigned int i = 0; i < dofs_per_cell; ++i)
{
for (unsigned int j = 0; j < dofs_per_cell; ++j)
{
(viscosity *
div_phi_u[i] * phi_p[j] - phi_p[i] * div_phi_u[j]) *
cell_matrix2(i, j) += 1.0 / viscosity * phi_p[i] *
phi_p[j] * fe_values.
JxW(q);
}
const unsigned int component_i =
rhs_values[q](component_i) * fe_values.
JxW(q);
}
}
cell->get_dof_indices(local_dof_indices);
constraints.distribute_local_to_global(cell_matrix,
cell_rhs,
local_dof_indices,
system_matrix,
system_rhs);
constraints.distribute_local_to_global(cell_matrix2,
local_dof_indices,
preconditioner_matrix);
}
}
template <int dim>
void StokesProblem<dim>::solve()
{
LA::MPI::PreconditionAMG prec_A;
{
LA::MPI::PreconditionAMG::AdditionalData data;
#ifdef USE_PETSC_LA
data.symmetric_operator = true;
#endif
prec_A.initialize(system_matrix.block(0, 0), data);
}
LA::MPI::PreconditionAMG prec_S;
{
LA::MPI::PreconditionAMG::AdditionalData data;
#ifdef USE_PETSC_LA
data.symmetric_operator = true;
#endif
prec_S.initialize(preconditioner_matrix.block(1, 1), data);
}
using mp_inverse_t = LinearSolvers::InverseMatrix<LA::MPI::SparseMatrix,
LA::MPI::PreconditionAMG>;
const mp_inverse_t mp_inverse(preconditioner_matrix.block(1, 1), prec_S);
const LinearSolvers::BlockDiagonalPreconditioner<LA::MPI::PreconditionAMG,
mp_inverse_t>
preconditioner(prec_A, mp_inverse);
mpi_communicator);
constraints.set_zero(distributed_solution);
solver.solve(system_matrix,
distributed_solution,
system_rhs,
preconditioner);
pcout << " Solved in " << solver_control.last_step() << " iterations."
<< std::endl;
constraints.distribute(distributed_solution);
locally_relevant_solution = distributed_solution;
const double mean_pressure =
locally_relevant_solution,
dim);
distributed_solution.block(1).add(-mean_pressure);
locally_relevant_solution.block(1) = distributed_solution.block(1);
}
template <int dim>
void StokesProblem<dim>::refine_grid()
{
triangulation.refine_global();
}
template <int dim>
void StokesProblem<dim>::output_results(const unsigned int cycle) const
{
{
dim + 1);
locally_relevant_solution,
ExactSolution<dim>(),
cellwise_errors,
quadrature,
&velocity_mask);
const double error_u_l2 =
cellwise_errors,
locally_relevant_solution,
ExactSolution<dim>(),
cellwise_errors,
quadrature,
&pressure_mask);
const double error_p_l2 =
cellwise_errors,
pcout << "error: u_0: " << error_u_l2 << " p_0: " << error_p_l2
<< std::endl;
}
std::vector<std::string> solution_names(dim, "velocity");
solution_names.emplace_back("pressure");
std::vector<DataComponentInterpretation::DataComponentInterpretation>
data_component_interpretation(
data_component_interpretation.push_back(
solution_names,
data_component_interpretation);
interpolated.reinit(owned_partitioning, MPI_COMM_WORLD);
relevant_partitioning,
MPI_COMM_WORLD);
interpolated_relevant = interpolated;
{
std::vector<std::string> solution_names(dim, "ref_u");
solution_names.emplace_back("ref_p");
solution_names,
data_component_interpretation);
}
Vector<float> subdomain(triangulation.n_active_cells());
for (unsigned int i = 0; i < subdomain.size(); ++i)
subdomain(i) = triangulation.locally_owned_subdomain();
const std::string filename =
std::ofstream output((filename + ".vtu"));
{
std::vector<std::string> filenames;
for (unsigned int i = 0;
++i)
std::ofstream master_output(
}
}
template <int dim>
void StokesProblem<dim>::run()
{
#ifdef USE_PETSC_LA
pcout << "Running using PETSc." << std::endl;
#else
pcout << "Running using Trilinos." << std::endl;
#endif
const unsigned int n_cycles = 5;
for (unsigned int cycle = 0; cycle < n_cycles; ++cycle)
{
pcout << "Cycle " << cycle << ':' << std::endl;
if (cycle == 0)
make_grid();
else
refine_grid();
setup_system();
assemble_system();
solve();
{
output_results(cycle);
}
computing_timer.print_summary();
computing_timer.reset();
pcout << std::endl;
}
}
}
int main(int argc, char *argv[])
{
try
{
using namespace Step55;
StokesProblem<2> problem(2);
problem.run();
}
catch (std::exception &exc)
{
std::cerr << std::endl
<< std::endl
<< "----------------------------------------------------"
<< std::endl;
std::cerr << "Exception on processing: " << std::endl
<< exc.what() << std::endl
<< "Aborting!" << std::endl
<< "----------------------------------------------------"
<< std::endl;
return 1;
}
catch (...)
{
std::cerr << std::endl
<< std::endl
<< "----------------------------------------------------"
<< std::endl;
std::cerr << "Unknown exception!" << std::endl
<< "Aborting!" << std::endl
<< "----------------------------------------------------"
<< std::endl;
return 1;
}
return 0;
}