Reference documentation for deal.II version GIT relicensing-136-gb80d0be4af 2024-03-18 08:20:02+00:00
\(\newcommand{\dealvcentcolon}{\mathrel{\mathop{:}}}\) \(\newcommand{\dealcoloneq}{\dealvcentcolon\mathrel{\mkern-1.2mu}=}\) \(\newcommand{\jump}[1]{\left[\!\left[ #1 \right]\!\right]}\) \(\newcommand{\average}[1]{\left\{\!\left\{ #1 \right\}\!\right\}}\)
Loading...
Searching...
No Matches
The step-12 tutorial program

This tutorial depends on step-7.

Table of contents
  1. Introduction
  2. The commented program
  1. Results
  2. The plain program

Note: A variant called step-12b of this tutorial exists, using MeshWorker and LocalIntegrators instead of assembling matrices using FEInterfaceValues as is done in this tutorial.

An example of an advection problem using the Discountinuous Galerkin method

Overview

This example is devoted to the discontinuous Galerkin method, or in short, the DG method. It includes the following topics.

  1. Discretization of the linear advection equation with the DG method.
  2. Assembling of jump terms and other expressions on the interface between cells using FEInterfaceValues.
  3. Assembling of the system matrix using the MeshWorker::mesh_loop().

The particular concern of this program are the loops of DG methods. These turn out to be especially complex, primarily because for the face terms, we have to distinguish the cases of boundary, regular interior faces and interior faces with hanging nodes, respectively. The MeshWorker::mesh_loop() handles the complexity on iterating over cells and faces and allows specifying "workers" for the different cell and face terms. The integration of face terms itself, including on adaptively refined faces, is done using the FEInterfaceValues class.

The equation

The model problem solved in this example is the linear advection equation

\[ \nabla\cdot \left({\mathbf \beta} u\right)=0 \qquad\mbox{in }\Omega, \]

subject to the boundary conditions

\[ u=g\quad\mbox{on }\Gamma_-, \]

on the inflow part \(\Gamma_-\) of the boundary \(\Gamma=\partial\Omega\) of the domain. Here, \({\mathbf \beta}={\mathbf \beta}({\bf x})\) denotes a vector field, \(u\) the (scalar) solution function, \(g\) a boundary value function,

\[ \Gamma_- \dealcoloneq \{{\bf x}\in\Gamma, {\mathbf \beta}({\bf x})\cdot{\bf n}({\bf x})<0\} \]

the inflow part of the boundary of the domain and \({\bf n}\) denotes the unit outward normal to the boundary \(\Gamma\). This equation is the conservative version of the advection equation already considered in step-9 of this tutorial.

On each cell \(T\), we multiply by a test function \(v_h\) from the left and integrate by parts to get:

\[ \left( v_h, \nabla \cdot (\beta u_h) \right)_T = -(\nabla v_h, \beta u_h) + \int_{\partial T} v_h u_h \beta \cdot n \]

When summing this expression over all cells \(T\), the boundary integral is done over all internal and external faces and as such there are three cases:

  1. outer boundary on the inflow (we replace \(u_h\) by given \(g\)): \(\int_{\Gamma_-} v_h g \beta \cdot n\)
  2. outer boundary on the outflow: \(\int_{\Gamma_+} v_h u_h \beta \cdot n\)
  3. inner faces (integral from two sides turns into jump, we use the upwind velocity): \(\int_F [v_h] u_h^{\text{upwind}} \beta \cdot n\)

Here, the jump is defined as \([v] = v^+ - v^-\), where the superscripts refer to the left ('+') and right ('-') values at the face. The upwind value \(u^{\text{upwind}}\) is defined to be \(u^+\) if \(\beta \cdot n>0\) and \(u^-\) otherwise.

As a result, the mesh-dependent weak form reads:

\[ \sum_{T\in \mathbb T_h} -\bigl(\nabla \phi_i,{\mathbf \beta} \phi_j \bigr)_T + \sum_{F\in\mathbb F_h^i} \bigl< [\phi_i], \phi_j^{upwind} \beta\cdot \mathbf n\bigr>_{F} + \bigl<\phi_i, \phi_j \beta\cdot \mathbf n\bigr>_{\Gamma_+} = -\bigl<\phi_i, g \beta\cdot\mathbf n\bigr>_{\Gamma_-}. \]

Here, \(\mathbb T_h\) is the set of all active cells of the triangulation and \(\mathbb F_h^i\) is the set of all active interior faces. This formulation is known as the upwind discontinuous Galerkin method.

In order to implement this bilinear form, we need to compute the cell terms (first sum) using the usual way to achieve integration on a cell, the interface terms (second sum) using FEInterfaceValues, and the boundary terms (the other two terms). The summation of all those is done by MeshWorker::mesh_loop().

The test problem

We solve the advection equation on \(\Omega=[0,1]^2\) with \({\mathbf \beta}=\frac{1}{|x|}(-x_2, x_1)\) representing a circular counterclockwise flow field, and \(g=1\) on \({\bf x}\in\Gamma_-^1 := [0,0.5]\times\{0\}\) and \(g=0\) on \({\bf x}\in \Gamma_-\setminus \Gamma_-^1\).

We solve on a sequence of meshes by refining the mesh adaptively by estimating the norm of the gradient on each cell. After solving on each mesh, we output the solution in vtk format and compute the \(L^\infty\) norm of the solution. As the exact solution is either 0 or 1, we can measure the magnitude of the overshoot of the numerical solution with this.

The commented program

The first few files have already been covered in previous examples and will thus not be further commented on:

  #include <deal.II/base/quadrature_lib.h>
  #include <deal.II/base/function.h>
  #include <deal.II/lac/vector.h>
  #include <deal.II/lac/dynamic_sparsity_pattern.h>
  #include <deal.II/lac/sparse_matrix.h>
  #include <deal.II/grid/tria.h>
  #include <deal.II/grid/grid_generator.h>
  #include <deal.II/grid/grid_out.h>
  #include <deal.II/grid/grid_refinement.h>
  #include <deal.II/fe/fe_values.h>
  #include <deal.II/fe/mapping_q1.h>
  #include <deal.II/dofs/dof_handler.h>
  #include <deal.II/numerics/vector_tools.h>
  #include <deal.II/dofs/dof_tools.h>
  #include <deal.II/numerics/data_out.h>
  #include <deal.II/fe/mapping_q1.h>

Here the discontinuous finite elements are defined. They are used in the same way as all other finite elements, though – as you have seen in previous tutorial programs – there isn't much user interaction with finite element classes at all: they are passed to DoFHandler and FEValues objects, and that is about it.

  #include <deal.II/fe/fe_dgq.h>

This header is needed for FEInterfaceValues to compute integrals on interfaces:

  #include <deal.II/fe/fe_interface_values.h>

We are going to use a standard solver, called Generalized minimal residual method (GMRES). It is an iterative solver which is applicable to arbitrary invertible matrices. This, in combination with a block SSOR preconditioner (defined in precondition_block.h), that uses the special block matrix structure of system matrices arising from DG discretizations.

  #include <deal.II/lac/solver_gmres.h>
  #include <deal.II/lac/precondition_block.h>

We are going to use gradients as refinement indicator.

  #include <deal.II/numerics/derivative_approximation.h>
 

Finally, the new include file for using the mesh_loop from the MeshWorker framework

  #include <deal.II/meshworker/mesh_loop.h>
 

Like in all programs, we finish this section by including the needed C++ headers and declaring we want to use objects in the dealii namespace without prefix.

  #include <iostream>
  #include <fstream>
 
 
  namespace Step12
  {
  using namespace dealii;
 

Equation data

First, we define a class describing the inhomogeneous boundary data. Since only its values are used, we implement value_list(), but leave all other functions of Function undefined.

  template <int dim>
  class BoundaryValues : public Function<dim>
  {
  public:
  BoundaryValues() = default;
  virtual void value_list(const std::vector<Point<dim>> &points,
  std::vector<double> &values,
  const unsigned int component = 0) const override;
  };
 
virtual void value_list(const std::vector< Point< dim > > &points, std::vector< RangeNumberType > &values, const unsigned int component=0) const
Definition point.h:111

Given the flow direction, the inflow boundary of the unit square \([0,1]^2\) are the right and the lower boundaries. We prescribe discontinuous boundary values 1 and 0 on the x-axis and value 0 on the right boundary. The values of this function on the outflow boundaries will not be used within the DG scheme.

  template <int dim>
  void BoundaryValues<dim>::value_list(const std::vector<Point<dim>> &points,
  std::vector<double> &values,
  const unsigned int component) const
  {
  (void)component;
  AssertIndexRange(component, 1);
  AssertDimension(values.size(), points.size());
 
  for (unsigned int i = 0; i < values.size(); ++i)
  {
  if (points[i][0] < 0.5)
  values[i] = 1.;
  else
  values[i] = 0.;
  }
  }
 
 
#define AssertDimension(dim1, dim2)
#define AssertIndexRange(index, range)

Finally, a function that computes and returns the wind field \(\beta=\beta(\mathbf x)\). As explained in the introduction, we will use a rotational field around the origin in 2d. In 3d, we simply leave the \(z\)-component unset (i.e., at zero), whereas the function can not be used in 1d in its current implementation:

  template <int dim>
  Tensor<1, dim> beta(const Point<dim> &p)
  {
  Assert(dim >= 2, ExcNotImplemented());
 
  Tensor<1, dim> wind_field;
  wind_field[0] = -p[1];
  wind_field[1] = p[0];
 
  if (wind_field.norm() > 1e-10)
  wind_field /= wind_field.norm();
 
  return wind_field;
  }
 
 
numbers::NumberTraits< Number >::real_type norm() const
#define Assert(cond, exc)

The ScratchData and CopyData classes

The following objects are the scratch and copy objects we use in the call to MeshWorker::mesh_loop(). The new object is the FEInterfaceValues object, that works similar to FEValues or FEFaceValues, except that it acts on an interface between two cells and allows us to assemble the interface terms in our weak form.

  template <int dim>
  struct ScratchData
  {
  ScratchData(const Mapping<dim> &mapping,
  const FiniteElement<dim> &fe,
  const Quadrature<dim> &quadrature,
  const Quadrature<dim - 1> &quadrature_face,
  const UpdateFlags update_flags = update_values |
  const UpdateFlags interface_update_flags =
  : fe_values(mapping, fe, quadrature, update_flags)
  , fe_interface_values(mapping,
  fe,
  quadrature_face,
  interface_update_flags)
  {}
 
 
  ScratchData(const ScratchData<dim> &scratch_data)
  : fe_values(scratch_data.fe_values.get_mapping(),
  scratch_data.fe_values.get_fe(),
  scratch_data.fe_values.get_quadrature(),
  scratch_data.fe_values.get_update_flags())
  , fe_interface_values(scratch_data.fe_interface_values.get_mapping(),
  scratch_data.fe_interface_values.get_fe(),
  scratch_data.fe_interface_values.get_quadrature(),
  scratch_data.fe_interface_values.get_update_flags())
  {}
 
  FEValues<dim> fe_values;
  FEInterfaceValues<dim> fe_interface_values;
  };
 
 
 
  struct CopyDataFace
  {
  FullMatrix<double> cell_matrix;
  std::vector<types::global_dof_index> joint_dof_indices;
  };
 
 
 
  struct CopyData
  {
  Vector<double> cell_rhs;
  std::vector<types::global_dof_index> local_dof_indices;
  std::vector<CopyDataFace> face_data;
 
  template <class Iterator>
  void reinit(const Iterator &cell, unsigned int dofs_per_cell)
  {
  cell_matrix.reinit(dofs_per_cell, dofs_per_cell);
  cell_rhs.reinit(dofs_per_cell);
 
  local_dof_indices.resize(dofs_per_cell);
  cell->get_dof_indices(local_dof_indices);
  }
  };
 
 
Abstract base class for mapping classes.
Definition mapping.h:316
UpdateFlags
@ update_values
Shape function values.
@ update_normal_vectors
Normal vectors.
@ update_JxW_values
Transformed quadrature weights.
@ update_gradients
Shape function gradients.
@ update_quadrature_points
Transformed quadrature points.
void cell_matrix(FullMatrix< double > &M, const FEValuesBase< dim > &fe, const FEValuesBase< dim > &fetest, const ArrayView< const std::vector< double > > &velocity, const double factor=1.)
Definition advection.h:74
void reinit(MatrixBlock< MatrixType > &v, const BlockSparsityPattern &p)

The AdvectionProblem class

After this preparations, we proceed with the main class of this program, called AdvectionProblem.

This should all be pretty familiar to you. Interesting details will only come up in the implementation of the assemble function.

  template <int dim>
  class AdvectionProblem
  {
  public:
  AdvectionProblem();
  void run();
 
  private:
  void setup_system();
  void assemble_system();
  void solve();
  void refine_grid();
  void output_results(const unsigned int cycle) const;
 
  const MappingQ1<dim> mapping;
 
const ::parallel::distributed::Triangulation< dim, spacedim > * triangulation

Furthermore we want to use DG elements.

  const FE_DGQ<dim> fe;
  DoFHandler<dim> dof_handler;
 
  const QGauss<dim> quadrature;
  const QGauss<dim - 1> quadrature_face;
 

The next four members represent the linear system to be solved. system_matrix and right_hand_side are generated by assemble_system(), the solution is computed in solve(). The sparsity_pattern is used to determine the location of nonzero elements in system_matrix.

  SparsityPattern sparsity_pattern;
  SparseMatrix<double> system_matrix;
 
  Vector<double> solution;
  Vector<double> right_hand_side;
  };
 
 

We start with the constructor. The 1 in the constructor call of fe is the polynomial degree.

  template <int dim>
  AdvectionProblem<dim>::AdvectionProblem()
  : mapping()
  , fe(1)
  , dof_handler(triangulation)
  , quadrature(fe.tensor_degree() + 1)
  , quadrature_face(fe.tensor_degree() + 1)
  {}
 
 
  template <int dim>
  void AdvectionProblem<dim>::setup_system()
  {

In the function that sets up the usual finite element data structures, we first need to distribute the DoFs.

  dof_handler.distribute_dofs(fe);
 

We start by generating the sparsity pattern. To this end, we first fill an intermediate object of type DynamicSparsityPattern with the couplings appearing in the system. After building the pattern, this object is copied to sparsity_pattern and can be discarded.

To build the sparsity pattern for DG discretizations, we can call the function analogue to DoFTools::make_sparsity_pattern, which is called DoFTools::make_flux_sparsity_pattern:

  DynamicSparsityPattern dsp(dof_handler.n_dofs());
  sparsity_pattern.copy_from(dsp);
 
void make_flux_sparsity_pattern(const DoFHandler< dim, spacedim > &dof_handler, SparsityPatternBase &sparsity_pattern)

Finally, we set up the structure of all components of the linear system.

  system_matrix.reinit(sparsity_pattern);
  solution.reinit(dof_handler.n_dofs());
  right_hand_side.reinit(dof_handler.n_dofs());
  }
 

The assemble_system function

Here we see the major difference to assembling by hand. Instead of writing loops over cells and faces, the logic is contained in the call to MeshWorker::mesh_loop() and we only need to specify what should happen on each cell, each boundary face, and each interior face. These three tasks are handled by the lambda functions inside the function below.

  template <int dim>
  void AdvectionProblem<dim>::assemble_system()
  {
  using Iterator = typename DoFHandler<dim>::active_cell_iterator;
  const BoundaryValues<dim> boundary_function;
 
typename ActiveSelector::active_cell_iterator active_cell_iterator

This is the function that will be executed for each cell.

  const auto cell_worker = [&](const Iterator &cell,
  ScratchData<dim> &scratch_data,
  CopyData &copy_data) {
  const unsigned int n_dofs =
  scratch_data.fe_values.get_fe().n_dofs_per_cell();
  copy_data.reinit(cell, n_dofs);
  scratch_data.fe_values.reinit(cell);
 
  const auto &q_points = scratch_data.fe_values.get_quadrature_points();
 
  const FEValues<dim> &fe_v = scratch_data.fe_values;
  const std::vector<double> &JxW = fe_v.get_JxW_values();
 
const std::vector< double > & get_JxW_values() const

We solve a homogeneous equation, thus no right hand side shows up in the cell term. What's left is integrating the matrix entries.

  for (unsigned int point = 0; point < fe_v.n_quadrature_points; ++point)
  {
  auto beta_q = beta(q_points[point]);
  for (unsigned int i = 0; i < n_dofs; ++i)
  for (unsigned int j = 0; j < n_dofs; ++j)
  {
  copy_data.cell_matrix(i, j) +=
  -beta_q // -\beta
  * fe_v.shape_grad(i, point) // \nabla \phi_i
  * fe_v.shape_value(j, point) // \phi_j
  * JxW[point]; // dx
  }
  }
  };
 

This is the function called for boundary faces and consists of a normal integration using FEFaceValues. New is the logic to decide if the term goes into the system matrix (outflow) or the right-hand side (inflow).

  const auto boundary_worker = [&](const Iterator &cell,
  const unsigned int &face_no,
  ScratchData<dim> &scratch_data,
  CopyData &copy_data) {
  scratch_data.fe_interface_values.reinit(cell, face_no);
  const FEFaceValuesBase<dim> &fe_face =
  scratch_data.fe_interface_values.get_fe_face_values(0);
 
  const auto &q_points = fe_face.get_quadrature_points();
 
  const unsigned int n_facet_dofs = fe_face.get_fe().n_dofs_per_cell();
  const std::vector<double> &JxW = fe_face.get_JxW_values();
  const std::vector<Tensor<1, dim>> &normals = fe_face.get_normal_vectors();
 
  std::vector<double> g(q_points.size());
  boundary_function.value_list(q_points, g);
 
  for (unsigned int point = 0; point < q_points.size(); ++point)
  {
  const double beta_dot_n = beta(q_points[point]) * normals[point];
 
  if (beta_dot_n > 0)
  {
  for (unsigned int i = 0; i < n_facet_dofs; ++i)
  for (unsigned int j = 0; j < n_facet_dofs; ++j)
  copy_data.cell_matrix(i, j) +=
  fe_face.shape_value(i, point) // \phi_i
  * fe_face.shape_value(j, point) // \phi_j
  * beta_dot_n // \beta . n
  * JxW[point]; // dx
  }
  else
  for (unsigned int i = 0; i < n_facet_dofs; ++i)
  copy_data.cell_rhs(i) += -fe_face.shape_value(i, point) // \phi_i
  * g[point] // g
  * beta_dot_n // \beta . n
  * JxW[point]; // dx
  }
  };
 
const std::vector< Point< spacedim > > & get_quadrature_points() const

This is the function called on interior faces. The arguments specify cells, face and subface indices (for adaptive refinement). We just pass them along to the reinit() function of FEInterfaceValues.

  const auto face_worker = [&](const Iterator &cell,
  const unsigned int &f,
  const unsigned int &sf,
  const Iterator &ncell,
  const unsigned int &nf,
  const unsigned int &nsf,
  ScratchData<dim> &scratch_data,
  CopyData &copy_data) {
  FEInterfaceValues<dim> &fe_iv = scratch_data.fe_interface_values;
  fe_iv.reinit(cell, f, sf, ncell, nf, nsf);
  const auto &q_points = fe_iv.get_quadrature_points();
 
  copy_data.face_data.emplace_back();
  CopyDataFace &copy_data_face = copy_data.face_data.back();
 
  const unsigned int n_dofs = fe_iv.n_current_interface_dofs();
  copy_data_face.joint_dof_indices = fe_iv.get_interface_dof_indices();
 
  copy_data_face.cell_matrix.reinit(n_dofs, n_dofs);
 
  const std::vector<double> &JxW = fe_iv.get_JxW_values();
  const std::vector<Tensor<1, dim>> &normals = fe_iv.get_normal_vectors();
 
  for (unsigned int qpoint = 0; qpoint < q_points.size(); ++qpoint)
  {
  const double beta_dot_n = beta(q_points[qpoint]) * normals[qpoint];
  for (unsigned int i = 0; i < n_dofs; ++i)
  for (unsigned int j = 0; j < n_dofs; ++j)
  copy_data_face.cell_matrix(i, j) +=
  fe_iv.jump_in_shape_values(i, qpoint) // [\phi_i]
  *
  fe_iv.shape_value((beta_dot_n > 0), j, qpoint) // phi_j^{upwind}
  * beta_dot_n // (\beta . n)
  * JxW[qpoint]; // dx
  }
  };
 
void reinit(const CellIteratorType &cell, const unsigned int face_no, const unsigned int sub_face_no, const CellNeighborIteratorType &cell_neighbor, const unsigned int face_no_neighbor, const unsigned int sub_face_no_neighbor, const unsigned int q_index=numbers::invalid_unsigned_int, const unsigned int mapping_index=numbers::invalid_unsigned_int, const unsigned int fe_index=numbers::invalid_unsigned_int)

The following lambda function will handle copying the data from the cell and face assembly into the global matrix and right-hand side.

While we would not need an AffineConstraints object, because there are no hanging node constraints in DG discretizations, we use an empty object here as this allows us to use its copy_local_to_global functionality.

  const AffineConstraints<double> constraints;
 
  const auto copier = [&](const CopyData &c) {
  constraints.distribute_local_to_global(c.cell_matrix,
  c.cell_rhs,
  c.local_dof_indices,
  system_matrix,
  right_hand_side);
 
  for (const auto &cdf : c.face_data)
  {
  constraints.distribute_local_to_global(cdf.cell_matrix,
  cdf.joint_dof_indices,
  system_matrix);
  }
  };
 
  ScratchData<dim> scratch_data(mapping, fe, quadrature, quadrature_face);
  CopyData copy_data;
 
void distribute_local_to_global(const InVector &local_vector, const std::vector< size_type > &local_dof_indices, OutVector &global_vector) const

Here, we finally handle the assembly. We pass in ScratchData and CopyData objects, the lambda functions from above, an specify that we want to assemble interior faces once.

  MeshWorker::mesh_loop(dof_handler.begin_active(),
  dof_handler.end(),
  cell_worker,
  copier,
  scratch_data,
  copy_data,
  boundary_worker,
  face_worker);
  }
 
void mesh_loop(const CellIteratorType &begin, const CellIteratorType &end, const CellWorkerFunctionType &cell_worker, const CopierType &copier, const ScratchData &sample_scratch_data, const CopyData &sample_copy_data, const AssembleFlags flags=assemble_own_cells, const BoundaryWorkerFunctionType &boundary_worker=BoundaryWorkerFunctionType(), const FaceWorkerFunctionType &face_worker=FaceWorkerFunctionType(), const unsigned int queue_length=2 *MultithreadInfo::n_threads(), const unsigned int chunk_size=8)
Definition mesh_loop.h:281
@ assemble_boundary_faces
@ assemble_own_interior_faces_once

All the rest

For this simple problem we use a standard iterative solver, called GMRES, that creates approximate solutions minimizing the residual in each iterations by adding a new basis vector to the Krylov subspace. This, in combination with a block SSOR preconditioner, that uses the special block matrix structure of system matrices arising from DG discretizations. The size of these blocks are the number of DoFs per cell. Here, we use a SSOR preconditioning as we have not renumbered the DoFs according to the flow field. If the DoFs are renumbered in the downstream direction of the flow, then a block Gauss-Seidel preconditioner (see the PreconditionBlockSOR class with relaxation=1) does a much better job.

We create an additional data object for the GMRES solver to increase the maximum number of basis vectors of the Krylov subspace. When this number is reached the GMRES algorithm is restarted using the solution of the previous iteration as the starting approximation. The choice of the number of basis vectors is a trade-off between memory consumption and convergence speed, since a longer basis means minimization over a larger space.

  template <int dim>
  void AdvectionProblem<dim>::solve()
  {
  SolverControl solver_control(1000, 1e-6 * right_hand_side.l2_norm());
 
  SolverGMRES<Vector<double>>::AdditionalData additional_data;
  additional_data.max_basis_size = 100;
  SolverGMRES<Vector<double>> solver(solver_control, additional_data);
 

Here we create the preconditioner,

then assign the matrix to it and set the right block size:

  preconditioner.initialize(system_matrix, fe.n_dofs_per_cell());
 

After these preparations we are ready to start the linear solver.

  solver.solve(system_matrix, solution, right_hand_side, preconditioner);
 
  std::cout << " Solver converged in " << solver_control.last_step()
  << " iterations." << std::endl;
  }
 
 

We refine the grid according to a very simple refinement criterion, namely an approximation to the gradient of the solution. As here we consider the DG(1) method (i.e. we use piecewise bilinear shape functions) we could simply compute the gradients on each cell. But we do not want to base our refinement indicator on the gradients on each cell only, but want to base them also on jumps of the discontinuous solution function over faces between neighboring cells. The simplest way of doing that is to compute approximative gradients by difference quotients including the cell under consideration and its neighbors. This is done by the DerivativeApproximation class that computes the approximate gradients in a way similar to the GradientEstimation described in step-9 of this tutorial. In fact, the DerivativeApproximation class was developed following the GradientEstimation class of step-9. Relating to the discussion in step-9, here we consider \(h^{1+d/2}|\nabla_h u_h|\). Furthermore we note that we do not consider approximate second derivatives because solutions to the linear advection equation are in general not in \(H^2\) but only in \(H^1\) (or, to be more precise: in \(H^1_\beta\), i.e., the space of functions whose derivatives in direction \(\beta\) are square integrable).

  template <int dim>
  void AdvectionProblem<dim>::refine_grid()
  {

The DerivativeApproximation class computes the gradients to float precision. This is sufficient as they are approximate and serve as refinement indicators only.

  Vector<float> gradient_indicator(triangulation.n_active_cells());
 

Now the approximate gradients are computed

  dof_handler,
  solution,
  gradient_indicator);
 
void approximate_gradient(const Mapping< dim, spacedim > &mapping, const DoFHandler< dim, spacedim > &dof, const InputVector &solution, Vector< float > &derivative_norm, const unsigned int component=0)

and they are cell-wise scaled by the factor \(h^{1+d/2}\)

  unsigned int cell_no = 0;
  for (const auto &cell : dof_handler.active_cell_iterators())
  gradient_indicator(cell_no++) *=
  std::pow(cell->diameter(), 1 + 1.0 * dim / 2);
 
STL namespace.

Finally they serve as refinement indicator.

  gradient_indicator,
  0.3,
  0.1);
 
  triangulation.execute_coarsening_and_refinement();
  }
 
 
void refine_and_coarsen_fixed_number(Triangulation< dim, spacedim > &triangulation, const Vector< Number > &criteria, const double top_fraction_of_cells, const double bottom_fraction_of_cells, const unsigned int max_n_cells=std::numeric_limits< unsigned int >::max())

The output of this program consists of a vtk file of the adaptively refined grids and the numerical solutions. Finally, we also compute the L-infinity norm of the solution using VectorTools::integrate_difference().

  template <int dim>
  void AdvectionProblem<dim>::output_results(const unsigned int cycle) const
  {
  const std::string filename = "solution-" + std::to_string(cycle) + ".vtk";
  std::cout << " Writing solution to <" << filename << '>' << std::endl;
  std::ofstream output(filename);
 
  DataOut<dim> data_out;
  data_out.attach_dof_handler(dof_handler);
  data_out.add_data_vector(solution, "u", DataOut<dim>::type_dof_data);
 
  data_out.build_patches(mapping);
 
  data_out.write_vtk(output);
 
  {
  Vector<float> values(triangulation.n_active_cells());
  dof_handler,
  solution,
  values,
  quadrature,
  const double l_infty =
  values,
  std::cout << " L-infinity norm: " << l_infty << std::endl;
  }
  }
 
 
void attach_dof_handler(const DoFHandler< dim, spacedim > &)
double compute_global_error(const Triangulation< dim, spacedim > &tria, const InVector &cellwise_error, const NormType &norm, const double exponent=2.)
void integrate_difference(const Mapping< dim, spacedim > &mapping, const DoFHandler< dim, spacedim > &dof, const ReadVector< Number > &fe_function, const Function< spacedim, Number > &exact_solution, OutVector &difference, const Quadrature< dim > &q, const NormType &norm, const Function< spacedim, double > *weight=nullptr, const double exponent=2.)

The following run function is similar to previous examples.

  template <int dim>
  void AdvectionProblem<dim>::run()
  {
  for (unsigned int cycle = 0; cycle < 6; ++cycle)
  {
  std::cout << "Cycle " << cycle << std::endl;
 
  if (cycle == 0)
  {
  triangulation.refine_global(3);
  }
  else
  refine_grid();
 
  std::cout << " Number of active cells: "
  << triangulation.n_active_cells() << std::endl;
 
  setup_system();
 
  std::cout << " Number of degrees of freedom: " << dof_handler.n_dofs()
  << std::endl;
 
  assemble_system();
  solve();
 
  output_results(cycle);
  }
  }
  } // namespace Step12
 
 
void hyper_cube(Triangulation< dim, spacedim > &tria, const double left=0., const double right=1., const bool colorize=false)

The following main function is similar to previous examples as well, and need not be commented on.

  int main()
  {
  try
  {
  Step12::AdvectionProblem<2> dgmethod;
  dgmethod.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

The output of this program consist of the console output and solutions in vtk format:

Cycle 0
Number of active cells: 64
Number of degrees of freedom: 256
Solver converged in 4 iterations.
Writing solution to <solution-0.vtk>
L-infinity norm: 1.09057
Cycle 1
Number of active cells: 112
Number of degrees of freedom: 448
Solver converged in 9 iterations.
Writing solution to <solution-1.vtk>
L-infinity norm: 1.10402
Cycle 2
Number of active cells: 214
Number of degrees of freedom: 856
Solver converged in 16 iterations.
Writing solution to <solution-2.vtk>
L-infinity norm: 1.09813
Cycle 3
Number of active cells: 415
Number of degrees of freedom: 1660
Solver converged in 26 iterations.
Writing solution to <solution-3.vtk>
L-infinity norm: 1.09579
Cycle 4
Number of active cells: 796
Number of degrees of freedom: 3184
Solver converged in 44 iterations.
Writing solution to <solution-4.vtk>
L-infinity norm: 1.09612
Cycle 5
Number of active cells: 1561
Number of degrees of freedom: 6244
Solver converged in 81 iterations.
Writing solution to <solution-5.vtk>

We show the solutions on the initial mesh, the mesh after two and after five adaptive refinement steps.

And finally we show a plot of a 3d computation.

Why use discontinuous elements

In this program we have used discontinuous elements. It is a legitimate question to ask why not simply use the normal, continuous ones. Of course, to everyone with a background in numerical methods, the answer is obvious: the continuous Galerkin (cG) method is not stable for the transport equation, unless one specifically adds stabilization terms. The DG method, however, is stable. Illustrating this with the current program is not very difficult; in fact, only the following minor modifications are necessary:

  • Change the element to FE_Q instead of FE_DGQ.
  • Add handling of hanging node constraints in exactly the same way as step-6.
  • We need a different solver; the direct solver in step-29 is a convenient choice. An experienced deal.II user will be able to do this in less than 10 minutes.

While the 2d solution has been shown above, containing a number of small spikes at the interface that are, however, stable in height under mesh refinement, results look much different when using a continuous element:

0   1  
2   3  
4   5  

In refinement iteration 5, the image can't be plotted in a reasonable way any more as a 3d plot. We thus show a color plot with a range of \([-1,2]\) (the solution values of the exact solution lie in \([0,1]\), of course). In any case, it is clear that the continuous Galerkin solution exhibits oscillatory behavior that gets worse and worse as the mesh is refined more and more.

There are a number of strategies to stabilize the cG method, if one wants to use continuous elements for some reason. Discussing these methods is beyond the scope of this tutorial program; an interested reader could, for example, take a look at step-31.

Possibilities for extensions

Given that the exact solution is known in this case, one interesting avenue for further extensions would be to confirm the order of convergence for this program. In the current case, the solution is non-smooth, and so we can not expect to get a particularly high order of convergence, even if we used higher order elements. But even if the solution is smooth, the equation is not elliptic and so it is not immediately clear that we should obtain a convergence order that equals that of the optimal interpolation estimates (i.e. for example that we would get \(h^3\) convergence in the \(L^2\) norm by using quadratic elements).

In fact, for hyperbolic equations, theoretical predictions often indicate that the best one can hope for is an order one half below the interpolation estimate. For example, for the streamline diffusion method (an alternative method to the DG method used here to stabilize the solution of the transport equation), one can prove that for elements of degree \(p\), the order of convergence is \(p+\frac 12\) on arbitrary meshes. While the observed order is frequently \(p+1\) on uniformly refined meshes, one can construct so-called Peterson meshes on which the worse theoretical bound is actually attained. This should be relatively simple to verify, for example using the VectorTools::integrate_difference function.

A different direction is to observe that the solution of transport problems often has discontinuities and that therefore a mesh in which we bisect every cell in every coordinate direction may not be optimal. Rather, a better strategy would be to only cut cells in the direction parallel to the discontinuity. This is called anisotropic mesh refinement and is the subject of step-30.

The plain program

/* ------------------------------------------------------------------------
*
* SPDX-License-Identifier: LGPL-2.1-or-later
* Copyright (C) 2009 - 2024 by the deal.II authors
*
* This file is part of the deal.II library.
*
* Part of the source code is dual licensed under Apache-2.0 WITH
* LLVM-exception OR LGPL-2.1-or-later. Detailed license information
* governing the source code and code contributions can be found in
* LICENSE.md and CONTRIBUTING.md at the top level directory of deal.II.
*
* ------------------------------------------------------------------------
*
* Authors: Guido Kanschat, Texas A&M University, 2009
* Timo Heister, Clemson University, 2019
*/
#include <iostream>
#include <fstream>
namespace Step12
{
using namespace dealii;
template <int dim>
class BoundaryValues : public Function<dim>
{
public:
BoundaryValues() = default;
virtual void value_list(const std::vector<Point<dim>> &points,
std::vector<double> &values,
const unsigned int component = 0) const override;
};
template <int dim>
void BoundaryValues<dim>::value_list(const std::vector<Point<dim>> &points,
std::vector<double> &values,
const unsigned int component) const
{
(void)component;
AssertIndexRange(component, 1);
AssertDimension(values.size(), points.size());
for (unsigned int i = 0; i < values.size(); ++i)
{
if (points[i][0] < 0.5)
values[i] = 1.;
else
values[i] = 0.;
}
}
template <int dim>
Tensor<1, dim> beta(const Point<dim> &p)
{
Assert(dim >= 2, ExcNotImplemented());
Tensor<1, dim> wind_field;
wind_field[0] = -p[1];
wind_field[1] = p[0];
if (wind_field.norm() > 1e-10)
wind_field /= wind_field.norm();
return wind_field;
}
template <int dim>
struct ScratchData
{
ScratchData(const Mapping<dim> &mapping,
const FiniteElement<dim> &fe,
const Quadrature<dim> &quadrature,
const Quadrature<dim - 1> &quadrature_face,
const UpdateFlags update_flags = update_values |
const UpdateFlags interface_update_flags =
: fe_values(mapping, fe, quadrature, update_flags)
, fe_interface_values(mapping,
fe,
quadrature_face,
interface_update_flags)
{}
ScratchData(const ScratchData<dim> &scratch_data)
: fe_values(scratch_data.fe_values.get_mapping(),
scratch_data.fe_values.get_fe(),
scratch_data.fe_values.get_quadrature(),
scratch_data.fe_values.get_update_flags())
, fe_interface_values(scratch_data.fe_interface_values.get_mapping(),
scratch_data.fe_interface_values.get_fe(),
scratch_data.fe_interface_values.get_quadrature(),
scratch_data.fe_interface_values.get_update_flags())
{}
FEValues<dim> fe_values;
FEInterfaceValues<dim> fe_interface_values;
};
struct CopyDataFace
{
std::vector<types::global_dof_index> joint_dof_indices;
};
struct CopyData
{
Vector<double> cell_rhs;
std::vector<types::global_dof_index> local_dof_indices;
std::vector<CopyDataFace> face_data;
template <class Iterator>
void reinit(const Iterator &cell, unsigned int dofs_per_cell)
{
cell_matrix.reinit(dofs_per_cell, dofs_per_cell);
cell_rhs.reinit(dofs_per_cell);
local_dof_indices.resize(dofs_per_cell);
cell->get_dof_indices(local_dof_indices);
}
};
template <int dim>
class AdvectionProblem
{
public:
AdvectionProblem();
void run();
private:
void setup_system();
void assemble_system();
void solve();
void refine_grid();
void output_results(const unsigned int cycle) const;
const FE_DGQ<dim> fe;
DoFHandler<dim> dof_handler;
const QGauss<dim> quadrature;
const QGauss<dim - 1> quadrature_face;
SparsityPattern sparsity_pattern;
SparseMatrix<double> system_matrix;
Vector<double> solution;
Vector<double> right_hand_side;
};
template <int dim>
AdvectionProblem<dim>::AdvectionProblem()
: mapping()
, fe(1)
, dof_handler(triangulation)
, quadrature(fe.tensor_degree() + 1)
, quadrature_face(fe.tensor_degree() + 1)
{}
template <int dim>
void AdvectionProblem<dim>::setup_system()
{
dof_handler.distribute_dofs(fe);
DynamicSparsityPattern dsp(dof_handler.n_dofs());
sparsity_pattern.copy_from(dsp);
system_matrix.reinit(sparsity_pattern);
solution.reinit(dof_handler.n_dofs());
right_hand_side.reinit(dof_handler.n_dofs());
}
template <int dim>
void AdvectionProblem<dim>::assemble_system()
{
using Iterator = typename DoFHandler<dim>::active_cell_iterator;
const BoundaryValues<dim> boundary_function;
const auto cell_worker = [&](const Iterator &cell,
ScratchData<dim> &scratch_data,
CopyData &copy_data) {
const unsigned int n_dofs =
scratch_data.fe_values.get_fe().n_dofs_per_cell();
copy_data.reinit(cell, n_dofs);
scratch_data.fe_values.reinit(cell);
const auto &q_points = scratch_data.fe_values.get_quadrature_points();
const FEValues<dim> &fe_v = scratch_data.fe_values;
const std::vector<double> &JxW = fe_v.get_JxW_values();
for (unsigned int point = 0; point < fe_v.n_quadrature_points; ++point)
{
auto beta_q = beta(q_points[point]);
for (unsigned int i = 0; i < n_dofs; ++i)
for (unsigned int j = 0; j < n_dofs; ++j)
{
copy_data.cell_matrix(i, j) +=
-beta_q // -\beta
* fe_v.shape_grad(i, point) // \nabla \phi_i
* fe_v.shape_value(j, point) // \phi_j
* JxW[point]; // dx
}
}
};
const auto boundary_worker = [&](const Iterator &cell,
const unsigned int &face_no,
ScratchData<dim> &scratch_data,
CopyData &copy_data) {
scratch_data.fe_interface_values.reinit(cell, face_no);
const FEFaceValuesBase<dim> &fe_face =
scratch_data.fe_interface_values.get_fe_face_values(0);
const auto &q_points = fe_face.get_quadrature_points();
const unsigned int n_facet_dofs = fe_face.get_fe().n_dofs_per_cell();
const std::vector<double> &JxW = fe_face.get_JxW_values();
const std::vector<Tensor<1, dim>> &normals = fe_face.get_normal_vectors();
std::vector<double> g(q_points.size());
boundary_function.value_list(q_points, g);
for (unsigned int point = 0; point < q_points.size(); ++point)
{
const double beta_dot_n = beta(q_points[point]) * normals[point];
if (beta_dot_n > 0)
{
for (unsigned int i = 0; i < n_facet_dofs; ++i)
for (unsigned int j = 0; j < n_facet_dofs; ++j)
copy_data.cell_matrix(i, j) +=
fe_face.shape_value(i, point) // \phi_i
* fe_face.shape_value(j, point) // \phi_j
* beta_dot_n // \beta . n
* JxW[point]; // dx
}
else
for (unsigned int i = 0; i < n_facet_dofs; ++i)
copy_data.cell_rhs(i) += -fe_face.shape_value(i, point) // \phi_i
* g[point] // g
* beta_dot_n // \beta . n
* JxW[point]; // dx
}
};
const auto face_worker = [&](const Iterator &cell,
const unsigned int &f,
const unsigned int &sf,
const Iterator &ncell,
const unsigned int &nf,
const unsigned int &nsf,
ScratchData<dim> &scratch_data,
CopyData &copy_data) {
FEInterfaceValues<dim> &fe_iv = scratch_data.fe_interface_values;
fe_iv.reinit(cell, f, sf, ncell, nf, nsf);
const auto &q_points = fe_iv.get_quadrature_points();
copy_data.face_data.emplace_back();
CopyDataFace &copy_data_face = copy_data.face_data.back();
const unsigned int n_dofs = fe_iv.n_current_interface_dofs();
copy_data_face.joint_dof_indices = fe_iv.get_interface_dof_indices();
copy_data_face.cell_matrix.reinit(n_dofs, n_dofs);
const std::vector<double> &JxW = fe_iv.get_JxW_values();
const std::vector<Tensor<1, dim>> &normals = fe_iv.get_normal_vectors();
for (unsigned int qpoint = 0; qpoint < q_points.size(); ++qpoint)
{
const double beta_dot_n = beta(q_points[qpoint]) * normals[qpoint];
for (unsigned int i = 0; i < n_dofs; ++i)
for (unsigned int j = 0; j < n_dofs; ++j)
copy_data_face.cell_matrix(i, j) +=
fe_iv.jump_in_shape_values(i, qpoint) // [\phi_i]
*
fe_iv.shape_value((beta_dot_n > 0), j, qpoint) // phi_j^{upwind}
* beta_dot_n // (\beta . n)
* JxW[qpoint]; // dx
}
};
const AffineConstraints<double> constraints;
const auto copier = [&](const CopyData &c) {
constraints.distribute_local_to_global(c.cell_matrix,
c.cell_rhs,
c.local_dof_indices,
system_matrix,
right_hand_side);
for (const auto &cdf : c.face_data)
{
constraints.distribute_local_to_global(cdf.cell_matrix,
cdf.joint_dof_indices,
system_matrix);
}
};
ScratchData<dim> scratch_data(mapping, fe, quadrature, quadrature_face);
CopyData copy_data;
MeshWorker::mesh_loop(dof_handler.begin_active(),
dof_handler.end(),
cell_worker,
copier,
scratch_data,
copy_data,
boundary_worker,
face_worker);
}
template <int dim>
void AdvectionProblem<dim>::solve()
{
SolverControl solver_control(1000, 1e-6 * right_hand_side.l2_norm());
SolverGMRES<Vector<double>>::AdditionalData additional_data;
additional_data.max_basis_size = 100;
SolverGMRES<Vector<double>> solver(solver_control, additional_data);
preconditioner.initialize(system_matrix, fe.n_dofs_per_cell());
solver.solve(system_matrix, solution, right_hand_side, preconditioner);
std::cout << " Solver converged in " << solver_control.last_step()
<< " iterations." << std::endl;
}
template <int dim>
void AdvectionProblem<dim>::refine_grid()
{
Vector<float> gradient_indicator(triangulation.n_active_cells());
dof_handler,
solution,
gradient_indicator);
unsigned int cell_no = 0;
for (const auto &cell : dof_handler.active_cell_iterators())
gradient_indicator(cell_no++) *=
std::pow(cell->diameter(), 1 + 1.0 * dim / 2);
gradient_indicator,
0.3,
0.1);
triangulation.execute_coarsening_and_refinement();
}
template <int dim>
void AdvectionProblem<dim>::output_results(const unsigned int cycle) const
{
const std::string filename = "solution-" + std::to_string(cycle) + ".vtk";
std::cout << " Writing solution to <" << filename << '>' << std::endl;
std::ofstream output(filename);
DataOut<dim> data_out;
data_out.attach_dof_handler(dof_handler);
data_out.add_data_vector(solution, "u", DataOut<dim>::type_dof_data);
data_out.build_patches(mapping);
data_out.write_vtk(output);
{
Vector<float> values(triangulation.n_active_cells());
dof_handler,
solution,
values,
quadrature,
const double l_infty =
values,
std::cout << " L-infinity norm: " << l_infty << std::endl;
}
}
template <int dim>
void AdvectionProblem<dim>::run()
{
for (unsigned int cycle = 0; cycle < 6; ++cycle)
{
std::cout << "Cycle " << cycle << std::endl;
if (cycle == 0)
{
triangulation.refine_global(3);
}
else
refine_grid();
std::cout << " Number of active cells: "
<< triangulation.n_active_cells() << std::endl;
setup_system();
std::cout << " Number of degrees of freedom: " << dof_handler.n_dofs()
<< std::endl;
assemble_system();
solve();
output_results(cycle);
}
}
} // namespace Step12
int main()
{
try
{
Step12::AdvectionProblem<2> dgmethod;
dgmethod.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;
}
void write_vtk(std::ostream &out) const
void add_data_vector(const VectorType &data, const std::vector< std::string > &names, const DataVectorType type=type_automatic, const std::vector< DataComponentInterpretation::DataComponentInterpretation > &data_component_interpretation={})
virtual void build_patches(const unsigned int n_subdivisions=0)
Definition data_out.cc:1062
const std::vector< double > & get_JxW_values() const
unsigned n_current_interface_dofs() const
const std::vector< Tensor< 1, spacedim > > & get_normal_vectors() const
const std::vector< Point< spacedim > > & get_quadrature_points() const
double shape_value(const bool here_or_there, const unsigned int interface_dof_index, const unsigned int q_point, const unsigned int component=0) const
double jump_in_shape_values(const unsigned int interface_dof_index, const unsigned int q_point, const unsigned int component=0) const
std::vector< types::global_dof_index > get_interface_dof_indices() const
const unsigned int n_quadrature_points
const std::vector< Tensor< 1, spacedim > > & get_normal_vectors() const
const Tensor< 1, spacedim > & shape_grad(const unsigned int i, const unsigned int q_point) const
const FiniteElement< dim, spacedim > & get_fe() const
const double & shape_value(const unsigned int i, const unsigned int q_point) const
unsigned int n_dofs_per_cell() const
void initialize(const MatrixType &A, const AdditionalData parameters)
virtual void reinit(const size_type N, const bool omit_zeroing_entries=false)
spacedim & mapping
spacedim const Point< spacedim > & p
Definition grid_tools.h:981
double diameter(const Triangulation< dim, spacedim > &tria)
Point< spacedim > point(const gp_Pnt &p, const double tolerance=1e-10)
Definition utilities.cc:191
void run(const Iterator &begin, const std_cxx20::type_identity_t< Iterator > &end, Worker worker, Copier copier, const ScratchData &sample_scratch_data, const CopyData &sample_copy_data, const unsigned int queue_length, const unsigned int chunk_size)
::VectorizedArray< Number, width > pow(const ::VectorizedArray< Number, width > &, const Number p)