diff --git a/LICENSE b/LICENSE
index 0d23fd9b1588833b9c3b64a11a64214f3d5ff3b0..049d9244cdc06e954049dc1ffe2edd6982a1d792 100644
--- a/LICENSE
+++ b/LICENSE
@@ -1,4 +1,4 @@
-Copyright (c) 2022, OpenGeoSys Community (<https://www.opengeosys.org>)
+Copyright (c) 2024, OpenGeoSys Community (<https://www.opengeosys.org>)
 All rights reserved.
 
 Redistribution and use in source and binary forms, with or without
diff --git a/docs/conf.py b/docs/conf.py
index ea2a5ae80a3f7f12db64046c55d6acd2628b56d6..434978c46294ccefa1224fe550d4703423bbda41 100644
--- a/docs/conf.py
+++ b/docs/conf.py
@@ -36,6 +36,7 @@ extensions = [
     "sphinx_gallery.gen_gallery",
 ]
 
+
 templates_path = ["_templates"]
 exclude_patterns = [
     "_build",
diff --git a/docs/examples/howto_logparser/README.rst b/docs/examples/howto_logparser/README.rst
new file mode 100644
index 0000000000000000000000000000000000000000..4af7e42631630b845e35da44a39f2774dfb720ae
--- /dev/null
+++ b/docs/examples/howto_logparser/README.rst
@@ -0,0 +1,6 @@
+How to use logparser
+=============================
+
+.. sectionauthor:: Tobias Meisel (Helmholtz Centre for Environmental Research GmbH - UFZ)
+
+The following jupyter notebooks provide some examples of how to use the logparser.
diff --git a/docs/examples/howto_logparser/plot_logparser_advanced.py b/docs/examples/howto_logparser/plot_logparser_advanced.py
new file mode 100644
index 0000000000000000000000000000000000000000..6c7c3579e98a30ad044739e41b7b91644efc8508
--- /dev/null
+++ b/docs/examples/howto_logparser/plot_logparser_advanced.py
@@ -0,0 +1,125 @@
+"""
+Advanced topics
+===============
+
+We cover:
+
+1. Logs from parallel computation (OGS with MPI runs)
+
+2. Reduce computation time to process logs
+
+3. Custom analyses
+
+Although these topics are presented together they do not depend on each other and can be used separately.
+
+"""
+
+# %%
+from pathlib import Path
+
+import numpy as np
+import pandas as pd
+
+from ogstools.logparser import (
+    analysis_time_step,
+    fill_ogs_context,
+    parse_file,
+)
+from ogstools.logparser.examples import (
+    const_viscosity_thermal_convection_log,
+    parallel_log,
+)
+
+# %%
+# 1. Logs from parallel computations (with MPI)
+# ---------------------------------------------
+# The log file to be investigated in this example is the result of a mpirun (-np 3) from https://gitlab.opengeosys.org/ogs/ogs/-/blob/master/Tests/Data/EllipticPETSc/cube_1e3_XDMF_np3.prj
+
+
+records = parse_file(parallel_log)
+df_records = pd.DataFrame(records)
+df_parallel = fill_ogs_context(df_records)
+df_parallel  # noqa: B018
+
+df_ts = analysis_time_step(df_parallel)
+# For each mpi_process and each time_step we get the measurements (e.g. output_time)
+df_ts  # noqa: B018
+# %% [markdown]
+# 1.1. Aggregate measurements over all MPI processes
+# ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
+# If you are not particularly interested in the performance of each MPI_process pandas gives you all you need to further process data. However, for performance measurement it is recommended to consider always the slowest MPI_process for meaningful interpretation of overall performance (because of synchronization barriers in the evaluation scheme of OGS).
+# Then the resulting DataFrame has the same structure like a DataFrame gained from serial OGS log.
+df_ts.groupby("time_step").max()
+
+# %%
+df_ts[["output_time", "assembly_time"]].boxplot()
+
+# %% [markdown]
+# 2. Reduce computation time to process logs
+# ------------------------------------------
+#
+# To reduce the computation to evaluate the logs you can either
+# (2.1) Reduce set of regular expressions, when you exactly know,
+# what you final analysis will need
+
+# AND / OR
+
+# (2.2.) Save and load the pandas.DataFrame for the records.
+#
+# 2.1. Reduce regular expression
+# ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
+# The logparser tries to find matching regular expressions for each line. By default it iterates over all entries specified in :py:mod:`ogstools.logparser.ogs_regexes`.
+# You can reduce it to the amount of entries you are actually interested in.
+# For this example we are only interested in the number of iterations per time step.
+# Because the parsing process is expensive, it is useful to store the records to a file.
+# According to :py:mod:`ogstools.logparser.parse_file`
+# via parameter `regexes` a list of reduced or custom regexes can be provided.
+
+
+# %% [markdown]
+# 2.2. Save and load records
+# ~~~~~~~~~~~~~~~~~~~~~~~~~~
+# We recommend to save the records by any of these methodes http://pandas.pydata.org/pandas-docs/stable/user_guide/io.html.
+# For example with hdf:
+# ```python
+# df_records.to_hdf("anyfilename.csv")
+# pd.read_hdf("anyfilename.csv")
+# ```
+
+# %%
+# 3. Custom analyses
+# ------------------
+# 3.1. Introduction into functions of the logparser
+# ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
+# The function :py:mod:`ogstools.logparser.parse_file` iterates over all lines in the log file. For a specific set of regular expressions it finds and creates a new entry into a list (here named records)
+#
+
+# Let us print the content of the log file in this example first.
+with Path(const_viscosity_thermal_convection_log).open() as log_file:
+    print(log_file.read())
+
+records = parse_file(const_viscosity_thermal_convection_log)
+# The list of records can directly be transformed into a pandas.DataFrame for further inspections. It is the raw representation of a filtered ogs log in pandas DataFrame format.
+df_records = pd.DataFrame(records)
+# The logparser is able to find the following entries:
+print(df_records.columns)
+# For each entry :py:mod:`ogstools.logparser.ogs_regexes` has added the type (corresponding to ogs log level) and value found to the result DataFrame.
+df_records  # noqa: B018
+
+
+# %%
+
+# For each information (e.g. a time measurement or numerical metric) we need to know to which timestep, iteration_number, process, component it belongs.
+df_log = fill_ogs_context(df_records)
+df_log  # noqa: B018
+
+# %%
+# 3.2. Custom analyses - example
+# ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
+# We create a pivot_table where for each time step we see the step_size and the number of iterations.
+
+
+df_custom = df_records.pivot_table(
+    ["step_size", "iteration_number"], ["time_step"], aggfunc=np.max
+)
+df_custom  # noqa: B018
diff --git a/docs/examples/howto_logparser/plot_logparser_analyses.py b/docs/examples/howto_logparser/plot_logparser_analyses.py
new file mode 100644
index 0000000000000000000000000000000000000000..339320751744a1adaa2c65480096b88b7eb22eac
--- /dev/null
+++ b/docs/examples/howto_logparser/plot_logparser_analyses.py
@@ -0,0 +1,103 @@
+"""
+Predefined Analyses
+===================
+
+Here we show the different predefined analysis available in the logparser.
+We use the project file from the following benchmark:
+ogs: Constant viscosity (Hydro-Thermal)
+<https://www.opengeosys.org/docs/benchmarks/hydro-thermal/constant-viscosity/>
+
+with `<t_end> 1e8 </t_end>`
+
+and for the **staggered scheme** the variant taken from
+Tests/Data/Parabolic/HT/StaggeredCoupling/HeatTransportInStationaryFlow/HeatTransportInStationaryFlow.prj
+
+"""
+
+# %%
+import pandas as pd
+
+from ogstools.logparser import (
+    analysis_convergence_coupling_iteration,
+    analysis_convergence_newton_iteration,
+    analysis_time_step,
+    fill_ogs_context,
+    parse_file,
+    time_step_vs_iterations,
+)
+from ogstools.logparser.examples import (
+    const_viscosity_thermal_convection_log,
+    staggered_log,
+)
+
+# %%
+# The log preprocessing is same for all examples and explained in
+# :ref:`sphx_glr_auto_examples_howto_logparser_plot_logparser_advanced.py`.
+
+log = const_viscosity_thermal_convection_log
+records = parse_file(log)
+df_records = pd.DataFrame(records)
+df_log = fill_ogs_context(df_records)
+
+# %%
+# Analysis of iterations per time step
+# ------------------------------------
+# Please see explanation in logparser
+# :ref:`sphx_glr_auto_examples_howto_logparser_plot_logparser_intro.py`.
+# (Section: Use predefined analyses)
+#
+# :py:mod:`ogstools.logparser.analysis_time_step`
+df_ts_it = time_step_vs_iterations(df_log)
+df_ts_it  # noqa: B018
+
+
+# %%
+# Analysis of computational efficiency by time step
+# -------------------------------------------------
+# The resulting table presents the performance metrics for separate parts of the simulation,
+# organized by time step. Is uses :py:mod:`ogstools.logparser.analysis_time_step`.
+# Each row corresponds to a specific time step, displaying metrics such
+# as output time [s], step size [s], time step solution time [s], assembly time [s],
+# Dirichlet time [s], and linear solver time [s].
+
+df_ts = analysis_time_step(df_log)
+df_ts = df_ts.loc[0]
+# log of serial so we can remove MPI_process (index=0) from result (all are 0)
+# - see advanced
+df_ts  # noqa: B018
+# %%
+# We select only some metrics (3) and use pandas plot function.
+df_ts[["assembly_time", "dirichlet_time", "linear_solver_time"]].plot(
+    logy=True, grid=True
+)
+
+# %%
+# Analysis of convergence criteria - Newton iterations
+# ----------------------------------------------------
+# The :py:mod:`ogstools.logparser.analysis_convergence_newton_iteration`
+# function allows for the analysis of convergence criteria based on
+# Newton iterations. The resulting table provides convergence criteria for monolithic processes.
+# Each row represents convergence metrics such as `global component norm |x|`, `change of global component norm |dx|` (change between 2 iteration of non linear solver)
+# and `relative change of global component |dx|/|x|` at different time steps, processes and non linear solver iterations.
+analysis_convergence_newton_iteration(df_log)
+
+
+# %%
+# Staggered - Analysis of convergence criteria - Newton iterations
+# ----------------------------------------------------------------
+# The resulting table provides convergence criteria for staggered coupled processes,
+# Each row represents convergence metrics such as `global component norm |x|`, `change of global component norm |dx|` (change between 2 iteration of non linear solver)
+# and `relative change of global component |dx|/|x|` at different time steps and coupling
+# iterations
+
+# :py:mod:`ogstools.logparser.analysis_convergence_coupling_iteration`
+# We use the logs generated when running
+# https://gitlab.opengeosys.org/ogs/ogs/-/blob/master/Tests/Data/Parabolic/HT/HeatTransportInStationaryFlow/HeatTransportInStationaryFlow.prj
+#
+log = staggered_log
+records = parse_file(log)
+df_records = pd.DataFrame(records)
+df_log = fill_ogs_context(df_records)
+
+# Only for staggered coupled processes !
+analysis_convergence_coupling_iteration(df_log)
diff --git a/docs/examples/howto_logparser/plot_logparser_intro.py b/docs/examples/howto_logparser/plot_logparser_intro.py
new file mode 100644
index 0000000000000000000000000000000000000000..721d36cd672a528da8956efc64267559accbcad6
--- /dev/null
+++ b/docs/examples/howto_logparser/plot_logparser_intro.py
@@ -0,0 +1,68 @@
+"""
+Introduction
+============
+
+This basic example shows a how to analyse the OGS log output to get information
+about performance of different parts of ogs.
+It uses the project file from the following benchmark:
+ogs: Constant viscosity (Hydro-Thermal) https://www.opengeosys.org/docs/benchmarks/hydro-thermal/constant-viscosity with
+`<t_end> 1e8 </t_end>`
+"""
+
+# %%
+import pandas as pd
+
+from ogstools.logparser import (
+    fill_ogs_context,
+    parse_file,
+    time_step_vs_iterations,
+)
+from ogstools.logparser.examples import (
+    const_viscosity_thermal_convection_log,
+)
+
+# %% [markdown]
+# The log file
+# -------------
+# `log` is a str representing the location of the ogs log file.
+# Make sure the log file does not contain ANSI escape (e.g.color) code.
+# https://en.wikipedia.org/wiki/ANSI_escape_code
+# Only if: You can remove it: ``cat ogs.log | sed 's/\x1b\[[0-9;]*m//g' > ogs.log```
+
+
+# %%
+# Parsing steps
+# -------------
+# The functions :py:mod:`ogstools.logparser.parse_file` and
+# :py:mod:`ogstools.logparser.fill_ogs_context` are explained in
+# :ref:`sphx_glr_auto_examples_howto_logparser_plot_logparser_advanced.py`.
+# All predefined analyses need the result of fill_ogs_context.
+records = parse_file(const_viscosity_thermal_convection_log)
+df_records = pd.DataFrame(records)
+df_log = fill_ogs_context(df_records)
+
+# %%
+# Use predefined analyses
+# -----------------------
+# :py:mod:`ogstools.logparser.time_step_vs_iterations` is one of many predined
+# analyses. All possibilities are shown here:
+# :ref:`sphx_glr_auto_examples_howto_logparser_plot_logparser_analyses.py`.
+#
+# Here we are interested in every time step of the simulation and how many
+# iterations have been needed.
+# For analysis runs only with log of log-level `ogs -l info` or `ogs - l debug`
+# according to
+# (see: https://www.opengeosys.org/docs/devguide/advanced/log-and-debug-output)
+
+df_ts_it = time_step_vs_iterations(df_log)
+# The result is a pandas.DataFrame. You may manipulate the dataframe to your
+# needs with pandas functionality.
+df_ts_it  # noqa: B018
+
+# %%
+# Pandas to plot
+# --------------
+# You can directly use pandas plot
+# https://pandas.pydata.org/pandas-docs/stable/reference/api/pandas.DataFrame.plot.html
+# function from the resulting DataFrame.
+df_ts_it.plot(grid=True)
diff --git a/ogstools/logparser/__init__.py b/ogstools/logparser/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..241ab61e246c966d0d6a9ba3a572a9c1e5070c2e
--- /dev/null
+++ b/ogstools/logparser/__init__.py
@@ -0,0 +1,26 @@
+# Author: Tobias Meisel (Helmholtz Centre for Environmental Research GmbH - UFZ)
+"""functions used by logparser."""
+
+from .common_ogs_analyses import (
+    analysis_convergence_coupling_iteration,
+    analysis_convergence_newton_iteration,
+    analysis_simulation,
+    analysis_simulation_termination,
+    analysis_time_step,
+    fill_ogs_context,
+    time_step_vs_iterations,
+)
+from .log_parser import parse_file
+from .regexes import ogs_regexes
+
+__all__ = [
+    "parse_file",
+    "analysis_convergence_coupling_iteration",
+    "analysis_simulation",
+    "analysis_convergence_newton_iteration",
+    "analysis_simulation_termination",
+    "analysis_time_step",
+    "fill_ogs_context",
+    "time_step_vs_iterations",
+    "ogs_regexes",
+]
diff --git a/ogstools/logparser/common_ogs_analyses.py b/ogstools/logparser/common_ogs_analyses.py
new file mode 100644
index 0000000000000000000000000000000000000000..7737884b57ec413b6272c255e5965d231122b62a
--- /dev/null
+++ b/ogstools/logparser/common_ogs_analyses.py
@@ -0,0 +1,268 @@
+# Copyright (c) 2012-2024, OpenGeoSys Community (http://www.opengeosys.org)
+#            Distributed under a Modified BSD License.
+#              See accompanying file LICENSE.txt or
+#              http://www.opengeosys.org/project/license
+
+
+from typing import Any, Callable
+
+import numpy as np
+import pandas as pd
+
+
+# Helper functions
+def _check_input(
+    df: pd.DataFrame, interest: list[str], context: list[str]
+) -> None:
+    diff = set(interest) - set(df.columns)
+    if diff:
+        msg = "Column(s) of interest ({}) is/are not present in table".format(
+            ",".join(diff)
+        )
+        raise Exception(msg)
+    diff = set(context) - set(df.columns)
+    if diff:
+        msg = "Column(s) of context ({}) is/are not present in table"
+        raise Exception(
+            msg,
+            ",".format(),
+        )
+
+
+def _check_output(
+    pt: pd.DataFrame, interest: list[str], context: list[str]
+) -> None:
+    if pt.empty:
+        msg = "The values of {} are not associated to all of {}. Call or see fill_ogs_context".format(
+            ",".join(interest), ",".join(context)
+        )
+        raise Exception(msg)
+
+
+# decorator for analyses
+def pre_post_check(interest: list[str], context: list[str]) -> Callable:
+    """
+    A decorator for analyzing pandas DataFrames before and after applying a function.
+    It checks the DataFrame against specified 'interest' and 'context' criteria both
+    before and after the function is called.
+
+
+    :param interest: indicates the columns of interest in the DataFrame.
+    :param context: indicates the context columns in the DataFrame that should be checked.
+
+    :return: A decorator function that takes a function accepting a pandas DataFrame and
+      returns a modified DataFrame, wrapping it with pre-check and post-check logic
+      based on the specified 'interest' and 'context'.
+    """
+
+    def wrap(func: Callable[[Any], Any]) -> Callable[[Any], Any]:
+        def wrapped_f(df: Any) -> Any:
+            _check_input(df, interest, context)
+            pt = func(df)
+            _check_output(pt, interest, context)
+            return pt
+
+        return wrapped_f
+
+    return wrap
+
+
+def analysis_time_step(df: pd.DataFrame) -> pd.DataFrame:
+    """
+    Analysis with focus on computation time per time step. It combines time step specific measurements 'output time'
+    and 'time step solution time' with iteration specific measurements 'assembly time', 'linear solver time', 'Dirichlet time'.
+    Time from iteration are accumulated.
+    """
+    interest1 = ["output_time", "time_step_solution_time", "step_size"]
+    interest2 = ["assembly_time", "linear_solver_time", "dirichlet_time"]
+    interest = [*interest1, *interest2]
+    context = ["mpi_process", "time_step"]
+    _check_input(df, interest, context)
+
+    dfe_ts = df.pivot_table(interest1, context)
+    # accumulates coupling iterations and newton iterations
+    dfe_tsi = df.pivot_table(interest2, context, aggfunc="sum")
+
+    dfe = dfe_ts.merge(dfe_tsi, left_index=True, right_index=True)
+    _check_output(dfe, interest, context)
+    return dfe
+
+
+def analysis_simulation(df: pd.DataFrame) -> pd.DataFrame:
+    interest = ["execution_time"]  # 'start_time'
+    context = ["mpi_process"]
+    _check_input(df, interest, context)
+
+    pt = df.pivot_table(interest, context)
+    _check_output(pt, interest, context)
+    return pt
+
+
+def analysis_convergence_newton_iteration(df: pd.DataFrame) -> pd.DataFrame:
+    dfe_newton_iteration = df.copy()
+    interest = ["dx", "x", "dx_x"]
+    if "coupling_iteration" in df:
+        context = [
+            "time_step",
+            "coupling_iteration",
+            "process",
+            "iteration_number",
+        ]
+        if "component" in df.columns:
+            context.append("component")
+        _check_input(df, interest, context)
+        # Eliminate all entries for coupling iteration (not of interest in this study)
+        dfe_newton_iteration[
+            "coupling_iteration"
+        ] = dfe_newton_iteration.groupby("mpi_process")[
+            ["coupling_iteration"]
+        ].fillna(
+            method="bfill"
+        )
+        dfe_newton_iteration = dfe_newton_iteration[
+            ~dfe_newton_iteration["coupling_iteration_process"].notna()
+        ]
+        dfe_newton_iteration = dfe_newton_iteration.dropna(subset=["x"])
+
+        pt = dfe_newton_iteration.pivot_table(interest, context)
+
+    else:
+        context = ["time_step", "process", "iteration_number"]
+        if "component" in df.columns:
+            context.append("component")
+        _check_input(df, interest, context)
+        pt = dfe_newton_iteration.pivot_table(interest, context)
+
+    _check_output(pt, interest, context)
+    return pt
+
+
+@pre_post_check(
+    interest=["dx", "x", "dx_x"],
+    context=["time_step", "coupling_iteration", "coupling_iteration_process"],
+)
+def analysis_convergence_coupling_iteration(df: pd.DataFrame) -> pd.DataFrame:
+    # Coupling iteration column will be modified specific for coupling iteration analysis, modified data can not be used for other analysis ->copy!
+    dfe_convergence_coupling_iteration = df.copy()
+    interest = ["dx", "x", "dx_x"]
+    context = ["time_step", "coupling_iteration", "coupling_iteration_process"]
+    if "component" in df.columns:
+        context.append("component")
+    _check_input(df, interest, context)
+
+    dfe_convergence_coupling_iteration[
+        "coupling_iteration"
+    ] = dfe_convergence_coupling_iteration.groupby("mpi_process")[
+        ["coupling_iteration"]
+    ].fillna(
+        method="ffill"
+    )
+    # All context log lines (iteration_number) have no values for dx, dx_x, x . From now on not needed -> dropped
+    dfe_convergence_coupling_iteration = (
+        dfe_convergence_coupling_iteration.dropna(
+            subset=["coupling_iteration_process"]
+        ).dropna(subset=["x"])
+    )
+
+    pt = dfe_convergence_coupling_iteration.pivot_table(interest, context)
+    _check_output(pt, interest, context)
+    return pt
+
+
+def time_step_vs_iterations(df: pd.DataFrame) -> pd.DataFrame:
+    interest = ["iteration_number"]
+    context = ["time_step"]
+    _check_input(df, interest, context)
+    pt = df.pivot_table(["iteration_number"], ["time_step"], aggfunc=np.max)
+    _check_output(pt, interest, context)
+    return pt
+
+
+def analysis_simulation_termination(df: pd.DataFrame) -> pd.DataFrame:
+    # For full print of messages consider setup jupyter notebook:
+    # pd.set_option('display.max_colwidth', None)
+    interest = ["message"]
+    context = ["message", "line", "mpi_process", "type"]
+
+    if "message" in df:
+        _check_input(df, interest, context)
+        df2 = df.dropna(subset=interest)[context]
+        # ToDo Merge columns together and add a column for type (warning, error, critical)
+        _check_output(df2, interest, context)
+        return df2
+    return pd.DataFrame()
+
+
+def fill_ogs_context(df_raw_log: pd.DataFrame) -> pd.DataFrame:
+    """
+    Fill missing values in OpenGeoSys (OGS) log DataFrame by context.
+    This function fills missing values in an OpenGeoSys (OGS) log DataFrame by context.
+
+    :param df_raw_log: DataFrame containing the raw OGS log data. Usually, the result of pd.DataFrame(parse_file(file))
+
+    :return: pd.DataFrame with missing values filled by context.
+
+    References:
+    Pandas documentation : https://pandas.pydata.org/pandas-docs/stable/user_guide/
+
+    Notes:
+    Some logs do not contain information about time_step and iteration. The
+    information must be collected by context (by surrounding log lines from same mpi_process).
+    Logs are grouped by mpi_process to get only surrounding log lines from same mpi_process.
+    There are log lines that give the current time step (when time step starts).
+    It can be assumed that in all following lines belong to this time steps, until next
+    collected value of time step.
+    Some columns that contain actual integer values are converted to float.
+    See https://pandas.pydata.org/pandas-docs/stable/user_guide/integer_na.html
+    ToDo list of columns with integer values are known from regular expression
+
+    """
+    int_columns = [
+        "line",
+        "mpi_process",
+        "time_step",
+        "iteration_number",
+        "coupling_iteration",
+        "coupling_iteration_process",
+        "component",
+        "process",
+    ]
+    for column in df_raw_log.columns:
+        if column in int_columns:
+            try:
+                df_raw_log[column] = df_raw_log[column].astype("Int64")
+            except ValueError:
+                print(
+                    f"Could not convert column '{column}' to integer due to value error"
+                )
+            except TypeError:
+                print(
+                    f"Could not convert column '{column}' to integer due to type error"
+                )
+
+    df_raw_log["time_step"] = (
+        df_raw_log.groupby("mpi_process")[["time_step"]]
+        .fillna(method="ffill")
+        .fillna(value=0)
+    )
+
+    # Back fill, because iteration number can be found in logs at the END of the iteration
+    df_raw_log["iteration_number"] = df_raw_log.groupby("mpi_process")[
+        ["iteration_number"]
+    ].fillna(method="bfill")
+
+    if "component" in df_raw_log:
+        df_raw_log["component"] = df_raw_log.groupby("mpi_process")[
+            ["component"]
+        ].fillna(value=-1)
+    # Forward fill because process will be printed in the beginning - applied to all subsequent
+    if "process" in df_raw_log:
+        df_raw_log["process"] = df_raw_log.groupby("mpi_process")[
+            ["process"]
+        ].fillna(method="bfill")
+    # Attention - coupling iteration applies to successor line and to all other predecessors - it needs further processing for specific analysis
+    if "coupling_iteration_process" in df_raw_log:
+        df_raw_log["coupling_iteration_process"] = df_raw_log.groupby(
+            "mpi_process"
+        )[["coupling_iteration_process"]].fillna(method="ffill", limit=1)
+    return df_raw_log
diff --git a/ogstools/logparser/examples/ConstViscosityThermalConvection.log b/ogstools/logparser/examples/ConstViscosityThermalConvection.log
new file mode 100644
index 0000000000000000000000000000000000000000..36513aa902402908211773f455c4e95fbb488868
--- /dev/null
+++ b/ogstools/logparser/examples/ConstViscosityThermalConvection.log
@@ -0,0 +1,2007 @@
+info: This is OpenGeoSys-6 version 6.5.0-286-ge7ef7067.
+info: OGS started on 2024-03-20 11:10:50+0100.
+info: Reading project file /home/meisel/o/s/Tests/Data/Parabolic/HT/ConstViscosity/square_5500x5500.prj.
+info: readRasters ...
+info: readRasters done
+info: ConstantParameter: alpha_l
+info: ConstantParameter: alpha_t
+info: MeshNodeParameter: T0
+info: MeshNodeParameter: P0
+info: ConstantParameter: p_Dirichlet_topleft
+info: ConstantParameter: t_Dirichlet_bottom
+info: ConstantParameter: t_Dirichlet_top
+info: No source terms for process variable 'T' found.
+info: No source terms for process variable 'p' found.
+info: Initialize processes.
+info: [time] Output of timestep 0 took 0.00447606 s.
+info: OpenGeoSys is now initialized.
+info: OGS started on 2024-03-20 11:10:50+0100.
+info: Solve processes.
+info: === Time stepping at step #1 and time 1e-07 with step size 1e-07
+info: [time] Assembly took 0.0339198 s.
+info: [time] Applying Dirichlet BCs took 0.00056946 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.923222e-27
+
+info: [time] Linear solver took 0.0752248 s.
+info: Convergence criterion: |dx|=2.5591e+07, |x|=1.0114e+09, |dx|/|x|=2.5303e-02
+info: [time] Iteration #1 took 0.109927 s.
+info: [time] Assembly took 0.014345 s.
+info: [time] Applying Dirichlet BCs took 0.000374662 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 2.203582e-16
+
+info: [time] Linear solver took 0.0172711 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0114e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0323778 s.
+info: [time] Solving process #0 took 0.142436 s in time step #1
+info: [time] Time step #1 took 0.142505 s.
+info: === Time stepping at step #2 and time 1.01e-05 with step size 1e-05
+info: [time] Assembly took 0.0133623 s.
+info: [time] Applying Dirichlet BCs took 0.000503002 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 1.554436e-16
+
+info: [time] Linear solver took 0.0272443 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0114e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.0415321 s.
+info: [time] Solving process #0 took 0.0416756 s in time step #2
+info: [time] Time step #2 took 0.0418056 s.
+info: === Time stepping at step #3 and time 0.0010101 with step size 0.001
+info: [time] Assembly took 0.0195802 s.
+info: [time] Applying Dirichlet BCs took 0.000451196 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 3.566227e-15
+
+info: [time] Linear solver took 0.0128035 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0114e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.0332257 s.
+info: [time] Solving process #0 took 0.0333669 s in time step #3
+info: [time] Time step #3 took 0.0334961 s.
+info: === Time stepping at step #4 and time 0.1010101 with step size 0.1
+info: [time] Assembly took 0.0219811 s.
+info: [time] Applying Dirichlet BCs took 0.000411231 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 3.564145e-13
+
+info: [time] Linear solver took 0.0265756 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0114e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.0535933 s.
+info: [time] Solving process #0 took 0.0537398 s in time step #4
+info: [time] Time step #4 took 0.0538576 s.
+info: === Time stepping at step #5 and time 1.1010101 with step size 1
+info: [time] Assembly took 0.0230674 s.
+info: [time] Applying Dirichlet BCs took 0.000568268 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 8.715184e-25
+
+info: [time] Linear solver took 0.0624193 s.
+info: Convergence criterion: |dx|=7.9470e+05, |x|=1.0107e+09, |dx|/|x|=7.8631e-04
+info: [time] Iteration #1 took 0.0863797 s.
+info: [time] Assembly took 0.0214225 s.
+info: [time] Applying Dirichlet BCs took 0.000470009 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.997404e-31
+
+info: [time] Linear solver took 0.0433862 s.
+info: Convergence criterion: |dx|=5.1365e+00, |x|=1.0107e+09, |dx|/|x|=5.0823e-09
+info: [time] Iteration #2 took 0.0656637 s.
+info: [time] Assembly took 0.0172118 s.
+info: [time] Applying Dirichlet BCs took 0.000423151 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 2.088883e-16
+
+info: [time] Linear solver took 0.0288133 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #3 took 0.0467204 s.
+info: [time] Solving process #0 took 0.198908 s in time step #5
+info: [time] Time step #5 took 0.198958 s.
+info: === Time stepping at step #6 and time 11.1010101 with step size 10
+info: [time] Assembly took 0.0261495 s.
+info: [time] Applying Dirichlet BCs took 0.000463085 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.026396e-31
+
+info: [time] Linear solver took 0.023005 s.
+info: Convergence criterion: |dx|=3.6481e-04, |x|=1.0107e+09, |dx|/|x|=3.6096e-13
+info: [time] Iteration #1 took 0.0496941 s.
+info: [time] Solving process #0 took 0.0497864 s in time step #6
+info: [time] Time step #6 took 0.0498065 s.
+info: === Time stepping at step #7 and time 111.1010101 with step size 100
+info: [time] Assembly took 0.00879804 s.
+info: [time] Applying Dirichlet BCs took 0.000399928 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.532821e-30
+
+info: [time] Linear solver took 0.0213475 s.
+info: Convergence criterion: |dx|=1.1463e-04, |x|=1.0107e+09, |dx|/|x|=1.1342e-13
+info: [time] Iteration #1 took 0.030793 s.
+info: [time] Solving process #0 took 0.0309831 s in time step #7
+info: [time] Time step #7 took 0.0310661 s.
+info: === Time stepping at step #8 and time 112.1010101 with step size 1
+info: [time] Assembly took 0.018846 s.
+info: [time] Applying Dirichlet BCs took 0.000457557 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 4.739659e-13
+
+info: [time] Linear solver took 0.0227558 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.0423717 s.
+info: [time] Solving process #0 took 0.0424966 s in time step #8
+info: [time] Time step #8 took 0.0426045 s.
+info: === Time stepping at step #9 and time 10112.1010101 with step size 10000
+info: [time] Assembly took 0.0149187 s.
+info: [time] Applying Dirichlet BCs took 0.000423683 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.435195e-27
+
+info: [time] Linear solver took 0.0642781 s.
+info: Convergence criterion: |dx|=1.3017e-03, |x|=1.0107e+09, |dx|/|x|=1.2880e-12
+info: [time] Iteration #1 took 0.0798325 s.
+info: [time] Assembly took 0.0228339 s.
+info: [time] Applying Dirichlet BCs took 0.000390014 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 5.432492e-14
+
+info: [time] Linear solver took 0.0209465 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0445612 s.
+info: [time] Solving process #0 took 0.124508 s in time step #9
+info: [time] Time step #9 took 0.124606 s.
+info: === Time stepping at step #10 and time 30112.1010101 with step size 20000
+info: [time] Assembly took 0.0182128 s.
+info: [time] Applying Dirichlet BCs took 0.000487623 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.897988e-25
+
+info: [time] Linear solver took 0.020961 s.
+info: Convergence criterion: |dx|=1.2900e-01, |x|=1.0107e+09, |dx|/|x|=1.2764e-10
+info: [time] Iteration #1 took 0.0400691 s.
+info: [time] Assembly took 0.0101489 s.
+info: [time] Applying Dirichlet BCs took 0.000380736 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 1.632629e-13
+
+info: [time] Linear solver took 0.0241102 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0350143 s.
+info: [time] Solving process #0 took 0.0752233 s in time step #10
+info: [time] Time step #10 took 0.0753644 s.
+info: === Time stepping at step #11 and time 70112.1010101 with step size 40000
+info: [time] Assembly took 0.00781979 s.
+info: [time] Applying Dirichlet BCs took 0.000462857 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.758753e-24
+
+info: [time] Linear solver took 0.0458995 s.
+info: Convergence criterion: |dx|=2.5750e-01, |x|=1.0107e+09, |dx|/|x|=2.5478e-10
+info: [time] Iteration #1 took 0.0545244 s.
+info: [time] Assembly took 0.0268339 s.
+info: [time] Applying Dirichlet BCs took 0.000412412 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 6.530468e-13
+
+info: [time] Linear solver took 0.019183 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.046819 s.
+info: [time] Solving process #0 took 0.101476 s in time step #11
+info: [time] Time step #11 took 0.101619 s.
+info: === Time stepping at step #12 and time 150112.1010101 with step size 80000
+info: [time] Assembly took 0.021082 s.
+info: [time] Applying Dirichlet BCs took 0.000428099 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.103398e-23
+
+info: [time] Linear solver took 0.0636489 s.
+info: Convergence criterion: |dx|=5.1497e-01, |x|=1.0107e+09, |dx|/|x|=5.0954e-10
+info: [time] Iteration #1 took 0.0880191 s.
+info: [time] Assembly took 0.0163409 s.
+info: [time] Applying Dirichlet BCs took 0.000534195 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.862392e-23
+
+info: [time] Linear solver took 0.0750684 s.
+info: Convergence criterion: |dx|=1.0285e+00, |x|=1.0107e+09, |dx|/|x|=1.0176e-09
+info: [time] Iteration #2 took 0.0923162 s.
+info: [time] Assembly took 0.0254823 s.
+info: [time] Applying Dirichlet BCs took 0.000412396 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.001846e-27
+
+info: [time] Linear solver took 0.0593291 s.
+info: Convergence criterion: |dx|=3.2547e-03, |x|=1.0107e+09, |dx|/|x|=3.2204e-12
+info: [time] Iteration #3 took 0.0856021 s.
+info: [time] Assembly took 0.0207366 s.
+info: [time] Applying Dirichlet BCs took 0.000416248 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 1.219976e-15
+
+info: [time] Linear solver took 0.0204311 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #4 took 0.0419823 s.
+info: [time] Solving process #0 took 0.308181 s in time step #12
+info: [time] Time step #12 took 0.308312 s.
+info: === Time stepping at step #13 and time 250112.1010101 with step size 100000
+info: [time] Assembly took 0.0171854 s.
+info: [time] Applying Dirichlet BCs took 0.000503751 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.280457e-26
+
+info: [time] Linear solver took 0.0449801 s.
+info: Convergence criterion: |dx|=1.6632e-04, |x|=1.0107e+09, |dx|/|x|=1.6457e-13
+info: [time] Iteration #1 took 0.063108 s.
+info: [time] Solving process #0 took 0.063262 s in time step #13
+info: [time] Time step #13 took 0.0633941 s.
+info: === Time stepping at step #14 and time 450112.1010101 with step size 200000
+info: [time] Assembly took 0.0185143 s.
+info: [time] Applying Dirichlet BCs took 0.000449672 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.895060e-23
+
+info: [time] Linear solver took 0.0671654 s.
+info: Convergence criterion: |dx|=1.2903e+00, |x|=1.0107e+09, |dx|/|x|=1.2767e-09
+info: [time] Iteration #1 took 0.0865541 s.
+info: [time] Assembly took 0.016444 s.
+info: [time] Applying Dirichlet BCs took 0.000371709 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.345547e-22
+
+info: [time] Linear solver took 0.0654912 s.
+info: Convergence criterion: |dx|=2.5746e+00, |x|=1.0107e+09, |dx|/|x|=2.5475e-09
+info: [time] Iteration #2 took 0.0826806 s.
+info: [time] Assembly took 0.0137897 s.
+info: [time] Applying Dirichlet BCs took 0.000463929 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.090595e-26
+
+info: [time] Linear solver took 0.0572341 s.
+info: Convergence criterion: |dx|=1.1392e-02, |x|=1.0107e+09, |dx|/|x|=1.1272e-11
+info: [time] Iteration #3 took 0.0718971 s.
+info: [time] Assembly took 0.0185488 s.
+info: [time] Applying Dirichlet BCs took 0.00041392 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 1.082961e-14
+
+info: [time] Linear solver took 0.021471 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #4 took 0.0408793 s.
+info: [time] Solving process #0 took 0.282293 s in time step #14
+info: [time] Time step #14 took 0.28247 s.
+info: === Time stepping at step #15 and time 850112.1010101 with step size 400000
+info: [time] Assembly took 0.0211512 s.
+info: [time] Applying Dirichlet BCs took 0.000473236 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.225048e-24
+
+info: [time] Linear solver took 0.060144 s.
+info: Convergence criterion: |dx|=6.9970e-04, |x|=1.0107e+09, |dx|/|x|=6.9232e-13
+info: [time] Iteration #1 took 0.0822231 s.
+info: [time] Solving process #0 took 0.0823688 s in time step #15
+info: [time] Time step #15 took 0.0825334 s.
+info: === Time stepping at step #16 and time 1650112.1010101 with step size 800000
+info: [time] Assembly took 0.021392 s.
+info: [time] Applying Dirichlet BCs took 0.000495058 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.101465e-21
+
+info: [time] Linear solver took 0.0602497 s.
+info: Convergence criterion: |dx|=5.1618e+00, |x|=1.0107e+09, |dx|/|x|=5.1074e-09
+info: [time] Iteration #1 took 0.082563 s.
+info: [time] Assembly took 0.0213065 s.
+info: [time] Applying Dirichlet BCs took 0.000448777 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.190699e-21
+
+info: [time] Linear solver took 0.0629832 s.
+info: Convergence criterion: |dx|=1.0304e+01, |x|=1.0107e+09, |dx|/|x|=1.0196e-08
+info: [time] Iteration #2 took 0.085185 s.
+info: [time] Assembly took 0.0242304 s.
+info: [time] Applying Dirichlet BCs took 0.00048778 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.708893e-24
+
+info: [time] Linear solver took 0.0667052 s.
+info: Convergence criterion: |dx|=4.2945e-02, |x|=1.0107e+09, |dx|/|x|=4.2492e-11
+info: [time] Iteration #3 took 0.0931335 s.
+info: [time] Assembly took 0.0163042 s.
+info: [time] Applying Dirichlet BCs took 0.000525207 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 2.969843e-13
+
+info: [time] Linear solver took 0.0251236 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #4 took 0.0422218 s.
+info: [time] Solving process #0 took 0.303355 s in time step #16
+info: [time] Time step #16 took 0.303479 s.
+info: === Time stepping at step #17 and time 2650112.1010101 with step size 1000000
+info: [time] Assembly took 0.0240154 s.
+info: [time] Applying Dirichlet BCs took 0.000594654 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.297712e-23
+
+info: [time] Linear solver took 0.0740627 s.
+info: Convergence criterion: |dx|=4.9137e-03, |x|=1.0107e+09, |dx|/|x|=4.8618e-12
+info: [time] Iteration #1 took 0.099074 s.
+info: [time] Assembly took 0.0191855 s.
+info: [time] Applying Dirichlet BCs took 0.000468138 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.427798e-21
+
+info: [time] Linear solver took 0.0496421 s.
+info: Convergence criterion: |dx|=1.2910e+01, |x|=1.0107e+09, |dx|/|x|=1.2773e-08
+info: [time] Iteration #2 took 0.069741 s.
+info: [time] Assembly took 0.0147353 s.
+info: [time] Applying Dirichlet BCs took 0.000517042 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.834469e-24
+
+info: [time] Linear solver took 0.0662517 s.
+info: Convergence criterion: |dx|=4.9039e-02, |x|=1.0107e+09, |dx|/|x|=4.8521e-11
+info: [time] Iteration #3 took 0.0820015 s.
+info: [time] Assembly took 0.0236096 s.
+info: [time] Applying Dirichlet BCs took 0.000507289 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 6.318654e-13
+
+info: [time] Linear solver took 0.0152811 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #4 took 0.0398616 s.
+info: [time] Solving process #0 took 0.291007 s in time step #17
+info: [time] Time step #17 took 0.291142 s.
+info: === Time stepping at step #18 and time 4650112.1010101 with step size 2000000
+info: [time] Assembly took 0.0092182 s.
+info: [time] Applying Dirichlet BCs took 0.000523341 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.443835e-23
+
+info: [time] Linear solver took 0.0199865 s.
+info: Convergence criterion: |dx|=7.9073e-03, |x|=1.0107e+09, |dx|/|x|=7.8238e-12
+info: [time] Iteration #1 took 0.03011 s.
+info: [time] Assembly took 0.012428 s.
+info: [time] Applying Dirichlet BCs took 0.000466344 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.368109e-20
+
+info: [time] Linear solver took 0.0165668 s.
+info: Convergence criterion: |dx|=2.5822e+01, |x|=1.0107e+09, |dx|/|x|=2.5550e-08
+info: [time] Iteration #2 took 0.0299184 s.
+info: [time] Assembly took 0.0157581 s.
+info: [time] Applying Dirichlet BCs took 0.000488571 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.054953e-23
+
+info: [time] Linear solver took 0.0565781 s.
+info: Convergence criterion: |dx|=7.5514e-02, |x|=1.0107e+09, |dx|/|x|=7.4717e-11
+info: [time] Iteration #3 took 0.0732414 s.
+info: [time] Assembly took 0.0214326 s.
+info: [time] Applying Dirichlet BCs took 0.000496026 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.158761e-23
+
+info: [time] Linear solver took 0.0775445 s.
+info: Convergence criterion: |dx|=2.8985e-02, |x|=1.0107e+09, |dx|/|x|=2.8679e-11
+info: [time] Iteration #4 took 0.0999409 s.
+info: [time] Assembly took 0.0224163 s.
+info: [time] Applying Dirichlet BCs took 0.000514027 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.151126e-26
+
+info: [time] Linear solver took 0.0456955 s.
+info: Convergence criterion: |dx|=6.2202e-05, |x|=1.0107e+09, |dx|/|x|=6.1546e-14
+info: [time] Iteration #5 took 0.0691302 s.
+info: [time] Solving process #0 took 0.302749 s in time step #18
+info: [time] Time step #18 took 0.302912 s.
+info: === Time stepping at step #19 and time 8650112.1010101 with step size 4000000
+info: [time] Assembly took 0.0230017 s.
+info: [time] Applying Dirichlet BCs took 0.000562641 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.962318e-23
+
+info: [time] Linear solver took 0.0804542 s.
+info: Convergence criterion: |dx|=6.2865e-03, |x|=1.0107e+09, |dx|/|x|=6.2202e-12
+info: [time] Iteration #1 took 0.104296 s.
+info: [time] Assembly took 0.0308402 s.
+info: [time] Applying Dirichlet BCs took 0.000467691 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.438178e-20
+
+info: [time] Linear solver took 0.057247 s.
+info: Convergence criterion: |dx|=5.1639e+01, |x|=1.0107e+09, |dx|/|x|=5.1095e-08
+info: [time] Iteration #2 took 0.0887297 s.
+info: [time] Assembly took 0.0127346 s.
+info: [time] Applying Dirichlet BCs took 0.000545304 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.430409e-22
+
+info: [time] Linear solver took 0.0481795 s.
+info: Convergence criterion: |dx|=1.1037e-01, |x|=1.0107e+09, |dx|/|x|=1.0920e-10
+info: [time] Iteration #3 took 0.0617213 s.
+info: [time] Assembly took 0.0214436 s.
+info: [time] Applying Dirichlet BCs took 0.000654207 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 9.159843e-23
+
+info: [time] Linear solver took 0.0609787 s.
+info: Convergence criterion: |dx|=1.1535e-01, |x|=1.0107e+09, |dx|/|x|=1.1413e-10
+info: [time] Iteration #4 took 0.0836296 s.
+info: [time] Assembly took 0.0365908 s.
+info: [time] Applying Dirichlet BCs took 0.000512783 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 8.727488e-25
+
+info: [time] Linear solver took 0.0702422 s.
+info: Convergence criterion: |dx|=6.4755e-04, |x|=1.0107e+09, |dx|/|x|=6.4072e-13
+info: [time] Iteration #5 took 0.107665 s.
+info: [time] Solving process #0 took 0.446277 s in time step #19
+info: [time] Time step #19 took 0.446366 s.
+info: === Time stepping at step #20 and time 16650112.1010101 with step size 8000000
+info: [time] Assembly took 0.013829 s.
+info: [time] Applying Dirichlet BCs took 0.000528671 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.606570e-24
+
+info: [time] Linear solver took 0.0692799 s.
+info: Convergence criterion: |dx|=1.2556e-02, |x|=1.0107e+09, |dx|/|x|=1.2423e-11
+info: [time] Iteration #1 took 0.0838507 s.
+info: [time] Assembly took 0.0216656 s.
+info: [time] Applying Dirichlet BCs took 0.000565566 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.098259e-19
+
+info: [time] Linear solver took 0.0436111 s.
+info: Convergence criterion: |dx|=1.0317e+02, |x|=1.0107e+09, |dx|/|x|=1.0209e-07
+info: [time] Iteration #2 took 0.0663122 s.
+info: [time] Assembly took 0.021517 s.
+info: [time] Applying Dirichlet BCs took 0.00050098 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.920213e-21
+
+info: [time] Linear solver took 0.0542954 s.
+info: Convergence criterion: |dx|=5.5997e-01, |x|=1.0107e+09, |dx|/|x|=5.5407e-10
+info: [time] Iteration #3 took 0.0766593 s.
+info: [time] Assembly took 0.0160444 s.
+info: [time] Applying Dirichlet BCs took 0.000493856 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 7.128691e-22
+
+info: [time] Linear solver took 0.0498257 s.
+info: Convergence criterion: |dx|=4.5608e-01, |x|=1.0107e+09, |dx|/|x|=4.5126e-10
+info: [time] Iteration #4 took 0.0664466 s.
+info: [time] Assembly took 0.0232136 s.
+info: [time] Applying Dirichlet BCs took 0.000524407 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.330595e-23
+
+info: [time] Linear solver took 0.0595085 s.
+info: Convergence criterion: |dx|=6.5255e-03, |x|=1.0107e+09, |dx|/|x|=6.4567e-12
+info: [time] Iteration #5 took 0.0833332 s.
+info: [time] Assembly took 0.0172717 s.
+info: [time] Applying Dirichlet BCs took 0.000504955 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.126753e-24
+
+info: [time] Linear solver took 0.0755228 s.
+info: Convergence criterion: |dx|=1.8966e-03, |x|=1.0107e+09, |dx|/|x|=1.8766e-12
+info: [time] Iteration #6 took 0.093641 s.
+info: [time] Assembly took 0.0328819 s.
+info: [time] Applying Dirichlet BCs took 0.000498042 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 4.035475e-13
+
+info: [time] Linear solver took 0.0295249 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #7 took 0.0630056 s.
+info: [time] Solving process #0 took 0.533439 s in time step #20
+info: [time] Time step #20 took 0.533457 s.
+info: === Time stepping at step #21 and time 26650112.1010101 with step size 10000000
+info: [time] Assembly took 0.0231703 s.
+info: [time] Applying Dirichlet BCs took 0.000551359 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.775742e-24
+
+info: [time] Linear solver took 0.0528029 s.
+info: Convergence criterion: |dx|=1.5687e-02, |x|=1.0107e+09, |dx|/|x|=1.5522e-11
+info: [time] Iteration #1 took 0.0766222 s.
+info: [time] Assembly took 0.019873 s.
+info: [time] Applying Dirichlet BCs took 0.000460744 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.245132e-19
+
+info: [time] Linear solver took 0.0796815 s.
+info: Convergence criterion: |dx|=1.2901e+02, |x|=1.0107e+09, |dx|/|x|=1.2764e-07
+info: [time] Iteration #2 took 0.10043 s.
+info: [time] Assembly took 0.0218404 s.
+info: [time] Applying Dirichlet BCs took 0.000522138 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.733737e-21
+
+info: [time] Linear solver took 0.0613702 s.
+info: Convergence criterion: |dx|=9.8192e-01, |x|=1.0107e+09, |dx|/|x|=9.7155e-10
+info: [time] Iteration #3 took 0.0840929 s.
+info: [time] Assembly took 0.0242156 s.
+info: [time] Applying Dirichlet BCs took 0.000510704 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.374642e-21
+
+info: [time] Linear solver took 0.0671988 s.
+info: Convergence criterion: |dx|=7.0903e-01, |x|=1.0107e+09, |dx|/|x|=7.0155e-10
+info: [time] Iteration #4 took 0.0924146 s.
+info: [time] Assembly took 0.0214263 s.
+info: [time] Applying Dirichlet BCs took 0.000503901 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.201189e-23
+
+info: [time] Linear solver took 0.0484241 s.
+info: Convergence criterion: |dx|=1.3398e-02, |x|=1.0107e+09, |dx|/|x|=1.3257e-11
+info: [time] Iteration #5 took 0.0708119 s.
+info: [time] Assembly took 0.0491615 s.
+info: [time] Applying Dirichlet BCs took 0.000673643 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.455928e-23
+
+info: [time] Linear solver took 0.108954 s.
+info: Convergence criterion: |dx|=3.6855e-03, |x|=1.0107e+09, |dx|/|x|=3.6466e-12
+info: [time] Iteration #6 took 0.159245 s.
+info: [time] Assembly took 0.0129523 s.
+info: [time] Applying Dirichlet BCs took 0.00048545 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 0/10000
+info: 	 residual: 9.488953e-13
+
+info: [time] Linear solver took 0.0146722 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.0107e+09, |dx|/|x|=0.0000e+00
+info: [time] Iteration #7 took 0.0281966 s.
+info: [time] Solving process #0 took 0.612083 s in time step #21
+info: [time] Time step #21 took 0.6121 s.
+info: === Time stepping at step #22 and time 46650112.1010101 with step size 20000000
+info: [time] Assembly took 0.0191219 s.
+info: [time] Applying Dirichlet BCs took 0.000598393 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.423177e-19
+
+info: [time] Linear solver took 0.0482615 s.
+info: Convergence criterion: |dx|=3.1251e-02, |x|=1.0107e+09, |dx|/|x|=3.0921e-11
+info: [time] Iteration #1 took 0.0682326 s.
+info: [time] Assembly took 0.0260671 s.
+info: [time] Applying Dirichlet BCs took 0.00048177 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.289525e-18
+
+info: [time] Linear solver took 0.0166761 s.
+info: Convergence criterion: |dx|=2.5723e+02, |x|=1.0107e+09, |dx|/|x|=2.5452e-07
+info: [time] Iteration #2 took 0.0437004 s.
+info: [time] Assembly took 0.00965485 s.
+info: [time] Applying Dirichlet BCs took 0.000487506 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.859707e-20
+
+info: [time] Linear solver took 0.0149462 s.
+info: Convergence criterion: |dx|=4.7252e+00, |x|=1.0107e+09, |dx|/|x|=4.6753e-09
+info: [time] Iteration #3 took 0.0254978 s.
+info: [time] Assembly took 0.009837 s.
+info: [time] Applying Dirichlet BCs took 0.000494783 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.024623e-20
+
+info: [time] Linear solver took 0.0797483 s.
+info: Convergence criterion: |dx|=2.7489e+00, |x|=1.0107e+09, |dx|/|x|=2.7198e-09
+info: [time] Iteration #4 took 0.0905229 s.
+info: [time] Assembly took 0.0260935 s.
+info: [time] Applying Dirichlet BCs took 0.000509841 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.778641e-22
+
+info: [time] Linear solver took 0.0736834 s.
+info: Convergence criterion: |dx|=1.1488e-01, |x|=1.0107e+09, |dx|/|x|=1.1367e-10
+info: [time] Iteration #5 took 0.100747 s.
+info: [time] Assembly took 0.0252624 s.
+info: [time] Applying Dirichlet BCs took 0.000497624 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.094654e-22
+
+info: [time] Linear solver took 0.0795271 s.
+info: Convergence criterion: |dx|=2.6975e-02, |x|=1.0107e+09, |dx|/|x|=2.6690e-11
+info: [time] Iteration #6 took 0.105751 s.
+info: [time] Assembly took 0.0260997 s.
+info: [time] Applying Dirichlet BCs took 0.000510138 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.608621e-23
+
+info: [time] Linear solver took 0.0740004 s.
+info: Convergence criterion: |dx|=1.9786e-03, |x|=1.0107e+09, |dx|/|x|=1.9578e-12
+info: [time] Iteration #7 took 0.101076 s.
+info: [time] Assembly took 0.0216142 s.
+info: [time] Applying Dirichlet BCs took 0.000507624 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.933828e-24
+
+info: [time] Linear solver took 0.0794924 s.
+info: Convergence criterion: |dx|=2.5618e-04, |x|=1.0107e+09, |dx|/|x|=2.5347e-13
+info: [time] Iteration #8 took 0.102069 s.
+info: [time] Solving process #0 took 0.638249 s in time step #22
+info: [time] Time step #22 took 0.638343 s.
+info: === Time stepping at step #23 and time 86650112.1010101 with step size 40000000
+info: [time] Assembly took 0.0225036 s.
+info: [time] Applying Dirichlet BCs took 0.000578201 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.187212e-15
+
+info: [time] Linear solver took 0.0543914 s.
+info: Convergence criterion: |dx|=6.2013e-02, |x|=1.0107e+09, |dx|/|x|=6.1358e-11
+info: [time] Iteration #1 took 0.0779522 s.
+info: [time] Assembly took 0.031318 s.
+info: [time] Applying Dirichlet BCs took 0.000500233 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.360515e-17
+
+info: [time] Linear solver took 0.0505156 s.
+info: Convergence criterion: |dx|=5.1073e+02, |x|=1.0107e+09, |dx|/|x|=5.0534e-07
+info: [time] Iteration #2 took 0.0828466 s.
+info: [time] Assembly took 0.0118941 s.
+info: [time] Applying Dirichlet BCs took 0.000504473 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.365615e-17
+
+info: [time] Linear solver took 0.0693802 s.
+info: Convergence criterion: |dx|=2.0657e+01, |x|=1.0107e+09, |dx|/|x|=2.0439e-08
+info: [time] Iteration #3 took 0.0826429 s.
+info: [time] Assembly took 0.0308051 s.
+info: [time] Applying Dirichlet BCs took 0.000523822 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.249125e-18
+
+info: [time] Linear solver took 0.0173893 s.
+info: Convergence criterion: |dx|=1.0309e+01, |x|=1.0107e+09, |dx|/|x|=1.0200e-08
+info: [time] Iteration #4 took 0.0491226 s.
+info: [time] Assembly took 0.0131434 s.
+info: [time] Applying Dirichlet BCs took 0.000505885 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.213716e-19
+
+info: [time] Linear solver took 0.0192532 s.
+info: Convergence criterion: |dx|=9.1809e-01, |x|=1.0107e+09, |dx|/|x|=9.0840e-10
+info: [time] Iteration #5 took 0.0331606 s.
+info: [time] Assembly took 0.0151095 s.
+info: [time] Applying Dirichlet BCs took 0.00051152 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.926832e-20
+
+info: [time] Linear solver took 0.082378 s.
+info: Convergence criterion: |dx|=1.7880e-01, |x|=1.0107e+09, |dx|/|x|=1.7691e-10
+info: [time] Iteration #6 took 0.0982584 s.
+info: [time] Assembly took 0.0268157 s.
+info: [time] Applying Dirichlet BCs took 0.000680818 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 7.206968e-21
+
+info: [time] Linear solver took 0.0157026 s.
+info: Convergence criterion: |dx|=2.8398e-02, |x|=1.0107e+09, |dx|/|x|=2.8098e-11
+info: [time] Iteration #7 took 0.0434817 s.
+info: [time] Assembly took 0.01331 s.
+info: [time] Applying Dirichlet BCs took 0.000534274 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.973337e-21
+
+info: [time] Linear solver took 0.0199458 s.
+info: Convergence criterion: |dx|=2.3589e-03, |x|=1.0107e+09, |dx|/|x|=2.3340e-12
+info: [time] Iteration #8 took 0.0340326 s.
+info: [time] Assembly took 0.0125402 s.
+info: [time] Applying Dirichlet BCs took 0.000508992 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.740807e-22
+
+info: [time] Linear solver took 0.0148467 s.
+info: Convergence criterion: |dx|=7.4357e-04, |x|=1.0107e+09, |dx|/|x|=7.3572e-13
+info: [time] Iteration #9 took 0.0281507 s.
+info: [time] Solving process #0 took 0.531541 s in time step #23
+info: [time] Time step #23 took 0.531668 s.
+info: === Time stepping at step #24 and time 286650112.10101 with step size 200000000
+info: [time] Assembly took 0.0152213 s.
+info: [time] Applying Dirichlet BCs took 0.000556115 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 6.824456e-19
+
+info: [time] Linear solver took 0.0630246 s.
+info: Convergence criterion: |dx|=2.8915e-01, |x|=1.0107e+09, |dx|/|x|=2.8610e-10
+info: [time] Iteration #1 took 0.079121 s.
+info: [time] Assembly took 0.0116689 s.
+info: [time] Applying Dirichlet BCs took 0.0004632 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.443255e-19
+
+info: [time] Linear solver took 0.0230499 s.
+info: Convergence criterion: |dx|=2.3717e+03, |x|=1.0107e+09, |dx|/|x|=2.3467e-06
+info: [time] Iteration #2 took 0.0356718 s.
+info: [time] Assembly took 0.00956139 s.
+info: [time] Applying Dirichlet BCs took 0.00049555 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 5.163510e-20
+
+info: [time] Linear solver took 0.0157453 s.
+info: Convergence criterion: |dx|=4.9492e+02, |x|=1.0107e+09, |dx|/|x|=4.8970e-07
+info: [time] Iteration #3 took 0.0262035 s.
+info: [time] Assembly took 0.0102175 s.
+info: [time] Applying Dirichlet BCs took 0.00047951 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 2.755883e-20
+
+info: [time] Linear solver took 0.0155018 s.
+info: Convergence criterion: |dx|=1.3974e+02, |x|=1.0107e+09, |dx|/|x|=1.3826e-07
+info: [time] Iteration #4 took 0.0266431 s.
+info: [time] Assembly took 0.00923808 s.
+info: [time] Applying Dirichlet BCs took 0.000477191 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.608289e-14
+
+info: [time] Linear solver took 0.0147356 s.
+info: Convergence criterion: |dx|=7.9993e+01, |x|=1.0107e+09, |dx|/|x|=7.9149e-08
+info: [time] Iteration #5 took 0.024826 s.
+info: [time] Assembly took 0.00914835 s.
+info: [time] Applying Dirichlet BCs took 0.00045824 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.443997e-13
+
+info: [time] Linear solver took 0.0150136 s.
+info: Convergence criterion: |dx|=3.2061e+00, |x|=1.0107e+09, |dx|/|x|=3.1723e-09
+info: [time] Iteration #6 took 0.0249874 s.
+info: [time] Assembly took 0.00916714 s.
+info: [time] Applying Dirichlet BCs took 0.000468808 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.748343e-14
+
+info: [time] Linear solver took 0.0154507 s.
+info: Convergence criterion: |dx|=7.4717e+00, |x|=1.0107e+09, |dx|/|x|=7.3929e-09
+info: [time] Iteration #7 took 0.0254954 s.
+info: [time] Assembly took 0.00932726 s.
+info: [time] Applying Dirichlet BCs took 0.000460763 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.304483e-14
+
+info: [time] Linear solver took 0.0146949 s.
+info: Convergence criterion: |dx|=1.9871e+00, |x|=1.0107e+09, |dx|/|x|=1.9661e-09
+info: [time] Iteration #8 took 0.0248684 s.
+info: [time] Assembly took 0.00951792 s.
+info: [time] Applying Dirichlet BCs took 0.000460178 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.486274e-15
+
+info: [time] Linear solver took 0.0148138 s.
+info: Convergence criterion: |dx|=3.7195e-01, |x|=1.0107e+09, |dx|/|x|=3.6802e-10
+info: [time] Iteration #9 took 0.0251779 s.
+info: [time] Assembly took 0.00945644 s.
+info: [time] Applying Dirichlet BCs took 0.000477627 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.051872e-15
+
+info: [time] Linear solver took 0.0902688 s.
+info: Convergence criterion: |dx|=2.7512e-01, |x|=1.0107e+09, |dx|/|x|=2.7221e-10
+info: [time] Iteration #10 took 0.100964 s.
+info: [time] Assembly took 0.02611 s.
+info: [time] Applying Dirichlet BCs took 0.000502195 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 8.877052e-16
+
+info: [time] Linear solver took 0.0874353 s.
+info: Convergence criterion: |dx|=7.1181e-02, |x|=1.0107e+09, |dx|/|x|=7.0430e-11
+info: [time] Iteration #11 took 0.114503 s.
+info: [time] Assembly took 0.0256881 s.
+info: [time] Applying Dirichlet BCs took 0.0026324 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 8.431247e-17
+
+info: [time] Linear solver took 0.0375832 s.
+info: Convergence criterion: |dx|=2.4581e-02, |x|=1.0107e+09, |dx|/|x|=2.4322e-11
+info: [time] Iteration #12 took 0.0682709 s.
+info: [time] Assembly took 0.021916 s.
+info: [time] Applying Dirichlet BCs took 0.000522704 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.468931e-16
+
+info: [time] Linear solver took 0.0439646 s.
+info: Convergence criterion: |dx|=1.4021e-02, |x|=1.0107e+09, |dx|/|x|=1.3873e-11
+info: [time] Iteration #13 took 0.0666628 s.
+info: [time] Assembly took 0.0158667 s.
+info: [time] Applying Dirichlet BCs took 0.000520335 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.803067e-17
+
+info: [time] Linear solver took 0.0736381 s.
+info: Convergence criterion: |dx|=5.6375e-03, |x|=1.0107e+09, |dx|/|x|=5.5780e-12
+info: [time] Iteration #14 took 0.090402 s.
+info: [time] Assembly took 0.0260508 s.
+info: [time] Applying Dirichlet BCs took 0.000539873 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.389473e-17
+
+info: [time] Linear solver took 0.0894807 s.
+info: Convergence criterion: |dx|=1.4113e-03, |x|=1.0107e+09, |dx|/|x|=1.3964e-12
+info: [time] Iteration #15 took 0.116578 s.
+info: [time] Assembly took 0.0260491 s.
+info: [time] Applying Dirichlet BCs took 0.000737207 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.487528e-18
+
+info: [time] Linear solver took 0.0830073 s.
+info: Convergence criterion: |dx|=1.3933e-03, |x|=1.0107e+09, |dx|/|x|=1.3786e-12
+info: [time] Iteration #16 took 0.110276 s.
+info: [time] Assembly took 0.0287378 s.
+info: [time] Applying Dirichlet BCs took 0.000541664 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.362514e-18
+
+info: [time] Linear solver took 0.0660133 s.
+info: Convergence criterion: |dx|=1.8927e-04, |x|=1.0107e+09, |dx|/|x|=1.8727e-13
+info: [time] Iteration #17 took 0.0958317 s.
+info: [time] Solving process #0 took 1.05774 s in time step #24
+info: [time] Time step #24 took 1.05788 s.
+info: === Time stepping at step #25 and time 686650112.10101 with step size 400000000
+info: [time] Assembly took 0.0213952 s.
+info: [time] Applying Dirichlet BCs took 0.000602471 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 6.602848e-17
+
+info: [time] Linear solver took 0.134175 s.
+info: Convergence criterion: |dx|=5.4117e-01, |x|=1.0107e+09, |dx|/|x|=5.3546e-10
+info: [time] Iteration #1 took 0.156677 s.
+info: [time] Assembly took 0.0260976 s.
+info: [time] Applying Dirichlet BCs took 0.000521255 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 2.509758e-17
+
+info: [time] Linear solver took 0.146039 s.
+info: Convergence criterion: |dx|=4.4458e+03, |x|=1.0107e+09, |dx|/|x|=4.3988e-06
+info: [time] Iteration #2 took 0.173033 s.
+info: [time] Assembly took 0.0230301 s.
+info: [time] Applying Dirichlet BCs took 0.000608493 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 8.945349e-18
+
+info: [time] Linear solver took 0.119366 s.
+info: Convergence criterion: |dx|=1.7063e+03, |x|=1.0107e+09, |dx|/|x|=1.6883e-06
+info: [time] Iteration #3 took 0.14352 s.
+info: [time] Assembly took 0.0212955 s.
+info: [time] Applying Dirichlet BCs took 0.000548331 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 9.259264e-18
+
+info: [time] Linear solver took 0.140963 s.
+info: Convergence criterion: |dx|=1.8567e+02, |x|=1.0107e+09, |dx|/|x|=1.8371e-07
+info: [time] Iteration #4 took 0.163283 s.
+info: [time] Assembly took 0.0293954 s.
+info: [time] Applying Dirichlet BCs took 0.000532464 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.231128e-18
+
+info: [time] Linear solver took 0.16593 s.
+info: Convergence criterion: |dx|=3.9368e+02, |x|=1.0107e+09, |dx|/|x|=3.8952e-07
+info: [time] Iteration #5 took 0.19621 s.
+info: [time] Assembly took 0.036529 s.
+info: [time] Applying Dirichlet BCs took 0.000834823 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 2.588087e-18
+
+info: [time] Linear solver took 0.148551 s.
+info: Convergence criterion: |dx|=1.1913e+02, |x|=1.0107e+09, |dx|/|x|=1.1788e-07
+info: [time] Iteration #6 took 0.186428 s.
+info: [time] Assembly took 0.0348589 s.
+info: [time] Applying Dirichlet BCs took 0.000721297 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.025933e-18
+
+info: [time] Linear solver took 0.256703 s.
+info: Convergence criterion: |dx|=2.7841e+01, |x|=1.0107e+09, |dx|/|x|=2.7547e-08
+info: [time] Iteration #7 took 0.292765 s.
+info: [time] Assembly took 0.0606095 s.
+info: [time] Applying Dirichlet BCs took 0.000785365 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.871695e-13
+
+info: [time] Linear solver took 0.0856556 s.
+info: Convergence criterion: |dx|=3.3401e+01, |x|=1.0107e+09, |dx|/|x|=3.3049e-08
+info: [time] Iteration #8 took 0.14758 s.
+info: [time] Assembly took 0.0296742 s.
+info: [time] Applying Dirichlet BCs took 0.000617271 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.659495e-13
+
+info: [time] Linear solver took 0.112725 s.
+info: Convergence criterion: |dx|=9.2048e+00, |x|=1.0107e+09, |dx|/|x|=9.1076e-09
+info: [time] Iteration #9 took 0.14342 s.
+info: [time] Assembly took 0.0260912 s.
+info: [time] Applying Dirichlet BCs took 0.000649795 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.824617e-13
+
+info: [time] Linear solver took 0.119457 s.
+info: Convergence criterion: |dx|=3.1718e+00, |x|=1.0107e+09, |dx|/|x|=3.1384e-09
+info: [time] Iteration #10 took 0.146743 s.
+info: [time] Assembly took 0.0259774 s.
+info: [time] Applying Dirichlet BCs took 0.000792899 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.533980e-14
+
+info: [time] Linear solver took 0.0920518 s.
+info: Convergence criterion: |dx|=3.1146e+00, |x|=1.0107e+09, |dx|/|x|=3.0817e-09
+info: [time] Iteration #11 took 0.119253 s.
+info: [time] Assembly took 0.0397097 s.
+info: [time] Applying Dirichlet BCs took 0.000782478 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.983954e-14
+
+info: [time] Linear solver took 0.0914594 s.
+info: Convergence criterion: |dx|=1.0785e+00, |x|=1.0107e+09, |dx|/|x|=1.0671e-09
+info: [time] Iteration #12 took 0.132194 s.
+info: [time] Assembly took 0.0176394 s.
+info: [time] Applying Dirichlet BCs took 0.000692136 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.893559e-14
+
+info: [time] Linear solver took 0.0931344 s.
+info: Convergence criterion: |dx|=3.4848e-01, |x|=1.0107e+09, |dx|/|x|=3.4480e-10
+info: [time] Iteration #13 took 0.111913 s.
+info: [time] Assembly took 0.0124299 s.
+info: [time] Applying Dirichlet BCs took 0.000548075 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.383884e-14
+
+info: [time] Linear solver took 0.0792257 s.
+info: Convergence criterion: |dx|=4.0521e-01, |x|=1.0107e+09, |dx|/|x|=4.0093e-10
+info: [time] Iteration #14 took 0.0925643 s.
+info: [time] Assembly took 0.0265337 s.
+info: [time] Applying Dirichlet BCs took 0.000574429 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.277019e-15
+
+info: [time] Linear solver took 0.0926764 s.
+info: Convergence criterion: |dx|=1.5042e-01, |x|=1.0107e+09, |dx|/|x|=1.4883e-10
+info: [time] Iteration #15 took 0.119995 s.
+info: [time] Assembly took 0.0313687 s.
+info: [time] Applying Dirichlet BCs took 0.000571036 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.401847e-15
+
+info: [time] Linear solver took 0.0813106 s.
+info: Convergence criterion: |dx|=6.0151e-02, |x|=1.0107e+09, |dx|/|x|=5.9516e-11
+info: [time] Iteration #16 took 0.113364 s.
+info: [time] Assembly took 0.0313232 s.
+info: [time] Applying Dirichlet BCs took 0.000567394 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.288306e-15
+
+info: [time] Linear solver took 0.0346259 s.
+info: Convergence criterion: |dx|=7.0091e-02, |x|=1.0107e+09, |dx|/|x|=6.9351e-11
+info: [time] Iteration #17 took 0.0666246 s.
+info: [time] Assembly took 0.033199 s.
+info: [time] Applying Dirichlet BCs took 0.000543157 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.102864e-15
+
+info: [time] Linear solver took 0.0794821 s.
+info: Convergence criterion: |dx|=1.2141e-02, |x|=1.0107e+09, |dx|/|x|=1.2013e-11
+info: [time] Iteration #18 took 0.113317 s.
+info: [time] Assembly took 0.0265633 s.
+info: [time] Applying Dirichlet BCs took 0.000759692 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 7.649486e-16
+
+info: [time] Linear solver took 0.069375 s.
+info: Convergence criterion: |dx|=1.7955e-02, |x|=1.0107e+09, |dx|/|x|=1.7765e-11
+info: [time] Iteration #19 took 0.0969179 s.
+info: [time] Assembly took 0.0296034 s.
+info: [time] Applying Dirichlet BCs took 0.000690194 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.458935e-16
+
+info: [time] Linear solver took 0.085824 s.
+info: Convergence criterion: |dx|=1.0476e-02, |x|=1.0107e+09, |dx|/|x|=1.0366e-11
+info: [time] Iteration #20 took 0.116361 s.
+info: [time] Assembly took 0.0265479 s.
+info: [time] Applying Dirichlet BCs took 0.00054153 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.981607e-16
+
+info: [time] Linear solver took 0.0610518 s.
+info: Convergence criterion: |dx|=2.0099e-03, |x|=1.0107e+09, |dx|/|x|=1.9887e-12
+info: [time] Iteration #21 took 0.0886477 s.
+info: [time] Assembly took 0.0277564 s.
+info: [time] Applying Dirichlet BCs took 0.00055063 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.262715e-17
+
+info: [time] Linear solver took 0.0837933 s.
+info: Convergence criterion: |dx|=4.1502e-03, |x|=1.0107e+09, |dx|/|x|=4.1064e-12
+info: [time] Iteration #22 took 0.11242 s.
+info: [time] Assembly took 0.0287242 s.
+info: [time] Applying Dirichlet BCs took 0.000725651 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 8.355963e-17
+
+info: [time] Linear solver took 0.0860141 s.
+info: Convergence criterion: |dx|=8.1862e-04, |x|=1.0107e+09, |dx|/|x|=8.0998e-13
+info: [time] Iteration #23 took 0.115761 s.
+info: [time] Solving process #0 took 3.14997 s in time step #25
+info: [time] Time step #25 took 3.15011 s.
+info: === Time stepping at step #26 and time 1000000000 with step size 313349887.89899
+info: [time] Assembly took 0.0184143 s.
+info: [time] Applying Dirichlet BCs took 0.000688037 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 4.330297e-18
+
+info: [time] Linear solver took 0.109821 s.
+info: Convergence criterion: |dx|=4.5613e-01, |x|=1.0107e+09, |dx|/|x|=4.5131e-10
+info: [time] Iteration #1 took 0.129151 s.
+info: [time] Assembly took 0.0219858 s.
+info: [time] Applying Dirichlet BCs took 0.000675136 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.382792e-18
+
+info: [time] Linear solver took 0.144941 s.
+info: Convergence criterion: |dx|=3.7546e+03, |x|=1.0107e+09, |dx|/|x|=3.7149e-06
+info: [time] Iteration #2 took 0.167965 s.
+info: [time] Assembly took 0.0248749 s.
+info: [time] Applying Dirichlet BCs took 0.000668005 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 4.488838e-19
+
+info: [time] Linear solver took 0.116155 s.
+info: Convergence criterion: |dx|=1.1696e+03, |x|=1.0107e+09, |dx|/|x|=1.1573e-06
+info: [time] Iteration #3 took 0.142168 s.
+info: [time] Assembly took 0.0143621 s.
+info: [time] Applying Dirichlet BCs took 0.000530206 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 2.930213e-19
+
+info: [time] Linear solver took 0.0923733 s.
+info: Convergence criterion: |dx|=2.1311e+02, |x|=1.0107e+09, |dx|/|x|=2.1086e-07
+info: [time] Iteration #4 took 0.107523 s.
+info: [time] Assembly took 0.0221933 s.
+info: [time] Applying Dirichlet BCs took 0.000557791 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.001013e-19
+
+info: [time] Linear solver took 0.116409 s.
+info: Convergence criterion: |dx|=2.4623e+02, |x|=1.0107e+09, |dx|/|x|=2.4363e-07
+info: [time] Iteration #5 took 0.139501 s.
+info: [time] Assembly took 0.0294428 s.
+info: [time] Applying Dirichlet BCs took 0.00054565 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 2/10000
+info: 	 residual: 1.670619e-19
+
+info: [time] Linear solver took 0.0782704 s.
+info: Convergence criterion: |dx|=4.5231e+01, |x|=1.0107e+09, |dx|/|x|=4.4753e-08
+info: [time] Iteration #6 took 0.108731 s.
+info: [time] Assembly took 0.0179394 s.
+info: [time] Applying Dirichlet BCs took 0.000638441 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 6.491493e-13
+
+info: [time] Linear solver took 0.0781903 s.
+info: Convergence criterion: |dx|=2.3167e+01, |x|=1.0107e+09, |dx|/|x|=2.2923e-08
+info: [time] Iteration #7 took 0.097271 s.
+info: [time] Assembly took 0.0266125 s.
+info: [time] Applying Dirichlet BCs took 0.000595537 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.118682e-14
+
+info: [time] Linear solver took 0.0722823 s.
+info: Convergence criterion: |dx|=1.4464e+01, |x|=1.0107e+09, |dx|/|x|=1.4312e-08
+info: [time] Iteration #8 took 0.100002 s.
+info: [time] Assembly took 0.0281198 s.
+info: [time] Applying Dirichlet BCs took 0.000576768 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.111841e-13
+
+info: [time] Linear solver took 0.0815598 s.
+info: Convergence criterion: |dx|=1.5594e+00, |x|=1.0107e+09, |dx|/|x|=1.5429e-09
+info: [time] Iteration #9 took 0.110759 s.
+info: [time] Assembly took 0.0290083 s.
+info: [time] Applying Dirichlet BCs took 0.000563028 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.902723e-14
+
+info: [time] Linear solver took 0.0937462 s.
+info: Convergence criterion: |dx|=1.8422e+00, |x|=1.0107e+09, |dx|/|x|=1.8227e-09
+info: [time] Iteration #10 took 0.123652 s.
+info: [time] Assembly took 0.072002 s.
+info: [time] Applying Dirichlet BCs took 0.00068574 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.443258e-14
+
+info: [time] Linear solver took 0.0711161 s.
+info: Convergence criterion: |dx|=8.8181e-01, |x|=1.0107e+09, |dx|/|x|=8.7250e-10
+info: [time] Iteration #11 took 0.144456 s.
+info: [time] Assembly took 0.0160304 s.
+info: [time] Applying Dirichlet BCs took 0.000535039 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 7.211160e-15
+
+info: [time] Linear solver took 0.0880022 s.
+info: Convergence criterion: |dx|=1.6826e-01, |x|=1.0107e+09, |dx|/|x|=1.6648e-10
+info: [time] Iteration #12 took 0.105057 s.
+info: [time] Assembly took 0.0289927 s.
+info: [time] Applying Dirichlet BCs took 0.000531895 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.451042e-15
+
+info: [time] Linear solver took 0.070377 s.
+info: Convergence criterion: |dx|=1.4363e-01, |x|=1.0107e+09, |dx|/|x|=1.4211e-10
+info: [time] Iteration #13 took 0.100246 s.
+info: [time] Assembly took 0.0228496 s.
+info: [time] Applying Dirichlet BCs took 0.000604558 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.620107e-15
+
+info: [time] Linear solver took 0.108655 s.
+info: Convergence criterion: |dx|=8.1532e-02, |x|=1.0107e+09, |dx|/|x|=8.0671e-11
+info: [time] Iteration #14 took 0.132223 s.
+info: [time] Assembly took 0.0341636 s.
+info: [time] Applying Dirichlet BCs took 0.000645968 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.144247e-16
+
+info: [time] Linear solver took 0.0877642 s.
+info: Convergence criterion: |dx|=1.6885e-02, |x|=1.0107e+09, |dx|/|x|=1.6706e-11
+info: [time] Iteration #15 took 0.123259 s.
+info: [time] Assembly took 0.0253124 s.
+info: [time] Applying Dirichlet BCs took 0.000696657 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 4.495464e-16
+
+info: [time] Linear solver took 0.0828215 s.
+info: Convergence criterion: |dx|=1.8005e-02, |x|=1.0107e+09, |dx|/|x|=1.7815e-11
+info: [time] Iteration #16 took 0.109409 s.
+info: [time] Assembly took 0.0208026 s.
+info: [time] Applying Dirichlet BCs took 0.000670635 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 5.842686e-17
+
+info: [time] Linear solver took 0.0988801 s.
+info: Convergence criterion: |dx|=9.3855e-03, |x|=1.0107e+09, |dx|/|x|=9.2863e-12
+info: [time] Iteration #17 took 0.121111 s.
+info: [time] Assembly took 0.0225653 s.
+info: [time] Applying Dirichlet BCs took 0.000602268 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 1.155358e-16
+
+info: [time] Linear solver took 0.076736 s.
+info: Convergence criterion: |dx|=1.6468e-03, |x|=1.0107e+09, |dx|/|x|=1.6294e-12
+info: [time] Iteration #18 took 0.100514 s.
+info: [time] Assembly took 0.0485127 s.
+info: [time] Applying Dirichlet BCs took 0.000613604 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 3.750725e-17
+
+info: [time] Linear solver took 0.0826408 s.
+info: Convergence criterion: |dx|=2.9943e-03, |x|=1.0107e+09, |dx|/|x|=2.9627e-12
+info: [time] Iteration #19 took 0.132273 s.
+info: [time] Assembly took 0.0261987 s.
+info: [time] Applying Dirichlet BCs took 0.000597255 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon ILUT)
+info: 	 iteration: 1/10000
+info: 	 residual: 2.220180e-17
+
+info: [time] Linear solver took 0.082608 s.
+info: Convergence criterion: |dx|=5.8810e-04, |x|=1.0107e+09, |dx|/|x|=5.8188e-13
+info: [time] Iteration #20 took 0.109638 s.
+info: [time] Solving process #0 took 2.40616 s in time step #26
+info: [time] Time step #26 took 2.40623 s.
+info: The whole computation of the time stepping took 26 steps, in which
+	 the accepted steps are 26, and the rejected steps are 0.
+
+info: [time] Output of timestep 26 took 0.00678165 s.
+info: [time] Execution took 11.9144 s.
+info: OGS terminated on 2024-03-20 11:11:02+0100.
diff --git a/ogstools/logparser/examples/__init__.py b/ogstools/logparser/examples/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..25482751860d7aa32e7b1acdc5834241c92a5e4c
--- /dev/null
+++ b/ogstools/logparser/examples/__init__.py
@@ -0,0 +1,8 @@
+from importlib import resources
+
+_prefix = resources.files(__name__)
+const_viscosity_thermal_convection_log = (
+    _prefix / "ConstViscosityThermalConvection.log"
+)
+staggered_log = _prefix / "staggered_heat_transport_in_stationary_flow.log"
+parallel_log = _prefix / "steady_state_diffusion_parallel.log"
diff --git a/ogstools/logparser/examples/staggered_heat_transport_in_stationary_flow.log b/ogstools/logparser/examples/staggered_heat_transport_in_stationary_flow.log
new file mode 100644
index 0000000000000000000000000000000000000000..25a4b1f3005a0a323e805c7f1703ac28242fb971
--- /dev/null
+++ b/ogstools/logparser/examples/staggered_heat_transport_in_stationary_flow.log
@@ -0,0 +1,3636 @@
+info: This is OpenGeoSys-6 version 6.5.0-286-ge7ef7067.
+info: OGS started on 2024-03-19 15:52:23+0100.
+info: Reading project file /home/meisel/o/s/Tests/Data/Parabolic/HT/StaggeredCoupling/HeatTransportInStationaryFlow/HeatTransportInStationaryFlow.prj.
+info: readRasters ...
+info: readRasters done
+info: ConstantParameter: T0
+info: ConstantParameter: P0
+info: ConstantParameter: p_left
+info: ConstantParameter: p_right
+info: ConstantParameter: T_left
+info: No source terms for process variable 'temperature' found.
+info: No source terms for process variable 'pressure' found.
+warning: Request for output at times 500000, 5000000, but simulation's end time is 50000. Output will be skipped.
+warning: Did not find interval for fixed output time 500000
+warning: Did not find interval for fixed output time 5000000
+warning: Request for output at times 500000, 5000000, but simulation's end time is 50000. Output will be skipped.
+warning: Did not find interval for fixed output time 500000
+warning: Did not find interval for fixed output time 5000000
+info: The equations of the coupled processes will be solved by the staggered scheme.
+info: Initialize processes.
+info: [time] Output of timestep 0 took 0.00162907 s.
+info: OpenGeoSys is now initialized.
+info: OGS started on 2024-03-19 15:52:23+0100.
+info: Solve processes.
+info: === Time stepping at step #1 and time 1000 with step size 1000
+info: [time] Assembly took 0.000624418 s.
+info: [time] Applying Dirichlet BCs took 1.6839e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000353223 s.
+info: Convergence criterion: |dx|=2.0022e+00, |x|=2.0022e+00, |dx|/|x|=1.0000e+00
+info: [time] Iteration #1 took 0.00102289 s.
+info: [time] Assembly took 0.000575728 s.
+info: [time] Applying Dirichlet BCs took 1.4846e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000165174 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.0022e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000780156 s.
+info: [time] Solving process #0 took 0.00182279 s in time step #1  coupling iteration #0
+info: [time] Assembly took 0.00017366 s.
+info: [time] Applying Dirichlet BCs took 1.469e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 43/4000
+info: 	 residual: 3.036933e-11
+
+info: [time] Linear solver took 0.000182269 s.
+info: Convergence criterion: |dx|=7.3496e+03, |x|=1.2712e+06, |dx|/|x|=5.7815e-03
+info: [time] Iteration #1 took 0.000394551 s.
+info: [time] Assembly took 0.000151694 s.
+info: [time] Applying Dirichlet BCs took 1.372e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0167e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000216241 s.
+info: [time] Solving process #1 took 0.00062007 s in time step #1  coupling iteration #0
+info: [time] Assembly took 0.000592714 s.
+info: [time] Applying Dirichlet BCs took 1.5076e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000171208 s.
+info: Convergence criterion: |dx|=3.5337e-01, |x|=2.0490e+00, |dx|/|x|=1.7246e-01
+info: [time] Iteration #1 took 0.000804784 s.
+info: [time] Assembly took 0.000577464 s.
+info: [time] Applying Dirichlet BCs took 1.4332e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000163877 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.0490e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000779196 s.
+info: [time] Solving process #0 took 0.00159318 s in time step #1  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=3.5337e-01, |x|=2.0490e+00, |dx|/|x|=1.7246e-01
+info: [time] Assembly took 0.000153086 s.
+info: [time] Applying Dirichlet BCs took 1.398e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1487e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000221027 s.
+info: [time] Solving process #1 took 0.000226582 s in time step #1  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000574005 s.
+info: [time] Applying Dirichlet BCs took 1.3284e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000165653 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.0490e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000778152 s.
+info: [time] Solving process #0 took 0.000783544 s in time step #1  coupling iteration #2
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.0490e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000149306 s.
+info: [time] Applying Dirichlet BCs took 1.3871e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1966e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000219009 s.
+info: [time] Solving process #1 took 0.000224524 s in time step #1  coupling iteration #2
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #1 took 0.00535249 s.
+info: === Time stepping at step #2 and time 2000 with step size 1000
+info: [time] Assembly took 0.000584468 s.
+info: [time] Applying Dirichlet BCs took 1.3154e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00016046 s.
+info: Convergence criterion: |dx|=6.0324e-01, |x|=2.2555e+00, |dx|/|x|=2.6745e-01
+info: [time] Iteration #1 took 0.000781667 s.
+info: [time] Assembly took 0.000565455 s.
+info: [time] Applying Dirichlet BCs took 1.5134e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00015779 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.2555e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0007619 s.
+info: [time] Solving process #0 took 0.00155247 s in time step #2  coupling iteration #0
+info: [time] Assembly took 0.000148737 s.
+info: [time] Applying Dirichlet BCs took 1.3746e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0825e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000214533 s.
+info: [time] Solving process #1 took 0.000219647 s in time step #2  coupling iteration #0
+info: [time] Assembly took 0.000558222 s.
+info: [time] Applying Dirichlet BCs took 1.3381e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000158159 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.2555e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000751435 s.
+info: [time] Solving process #0 took 0.000756689 s in time step #2  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.2555e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000147843 s.
+info: [time] Applying Dirichlet BCs took 1.3327e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0417e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000212092 s.
+info: [time] Solving process #1 took 0.000217642 s in time step #2  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #2 took 0.00278759 s.
+info: === Time stepping at step #3 and time 3000 with step size 1000
+info: [time] Assembly took 0.000558199 s.
+info: [time] Applying Dirichlet BCs took 1.2888e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000159637 s.
+info: Convergence criterion: |dx|=4.6784e-01, |x|=2.4860e+00, |dx|/|x|=1.8819e-01
+info: [time] Iteration #1 took 0.000754207 s.
+info: [time] Assembly took 0.000567918 s.
+info: [time] Applying Dirichlet BCs took 1.086e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000157784 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.4860e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000760582 s.
+info: [time] Solving process #0 took 0.00152467 s in time step #3  coupling iteration #0
+info: [time] Assembly took 0.000145508 s.
+info: [time] Applying Dirichlet BCs took 1.1164e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0697e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00020716 s.
+info: [time] Solving process #1 took 0.000212607 s in time step #3  coupling iteration #0
+info: [time] Assembly took 0.000556331 s.
+info: [time] Applying Dirichlet BCs took 9.927e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000151985 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.4860e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000739637 s.
+info: [time] Solving process #0 took 0.000744441 s in time step #3  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.4860e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000145306 s.
+info: [time] Applying Dirichlet BCs took 1.0887e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9698e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00020489 s.
+info: [time] Solving process #1 took 0.000209765 s in time step #3  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #3 took 0.00272635 s.
+info: === Time stepping at step #4 and time 4000 with step size 1000
+info: [time] Assembly took 0.000555109 s.
+info: [time] Applying Dirichlet BCs took 9.946e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000151024 s.
+info: Convergence criterion: |dx|=4.0389e-01, |x|=2.7089e+00, |dx|/|x|=1.4910e-01
+info: [time] Iteration #1 took 0.00073702 s.
+info: [time] Assembly took 0.000558586 s.
+info: [time] Applying Dirichlet BCs took 1.0122e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000149603 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.7089e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000740134 s.
+info: [time] Solving process #0 took 0.00148554 s in time step #4  coupling iteration #0
+info: [time] Assembly took 0.000146057 s.
+info: [time] Applying Dirichlet BCs took 1.094e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0513e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000207551 s.
+info: [time] Solving process #1 took 0.000212978 s in time step #4  coupling iteration #0
+info: [time] Assembly took 0.000627437 s.
+info: [time] Applying Dirichlet BCs took 1.0376e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000151625 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.7089e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000817127 s.
+info: [time] Solving process #0 took 0.000822377 s in time step #4  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.7089e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000141783 s.
+info: [time] Applying Dirichlet BCs took 1.1099e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0474e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000202689 s.
+info: [time] Solving process #1 took 0.000207832 s in time step #4  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #4 took 0.00276629 s.
+info: === Time stepping at step #5 and time 5000 with step size 1000
+info: [time] Assembly took 0.00055666 s.
+info: [time] Applying Dirichlet BCs took 9.875e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000148218 s.
+info: Convergence criterion: |dx|=3.6613e-01, |x|=2.9205e+00, |dx|/|x|=1.2536e-01
+info: [time] Iteration #1 took 0.000739392 s.
+info: [time] Assembly took 0.000560205 s.
+info: [time] Applying Dirichlet BCs took 1.0139e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00014315 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.9205e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000733396 s.
+info: [time] Solving process #0 took 0.00148098 s in time step #5  coupling iteration #0
+info: [time] Assembly took 0.000140867 s.
+info: [time] Applying Dirichlet BCs took 1.0807e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0635e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000201836 s.
+info: [time] Solving process #1 took 0.000206655 s in time step #5  coupling iteration #0
+info: [time] Assembly took 0.000564798 s.
+info: [time] Applying Dirichlet BCs took 9.64e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140475 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.9205e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00073516 s.
+info: [time] Solving process #0 took 0.00073979 s in time step #5  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=2.9205e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000140938 s.
+info: [time] Applying Dirichlet BCs took 1.4228e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8977e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000203726 s.
+info: [time] Solving process #1 took 0.000208443 s in time step #5  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #5 took 0.00266866 s.
+info: === Time stepping at step #6 and time 6000 with step size 1000
+info: [time] Assembly took 0.000551026 s.
+info: [time] Applying Dirichlet BCs took 9.736e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000148592 s.
+info: Convergence criterion: |dx|=3.4049e-01, |x|=3.1215e+00, |dx|/|x|=1.0908e-01
+info: [time] Iteration #1 took 0.000729889 s.
+info: [time] Assembly took 0.000558729 s.
+info: [time] Applying Dirichlet BCs took 1.0363e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000143721 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.1215e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000732325 s.
+info: [time] Solving process #0 took 0.00147029 s in time step #6  coupling iteration #0
+info: [time] Assembly took 0.000140704 s.
+info: [time] Applying Dirichlet BCs took 1.083e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9492e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000198769 s.
+info: [time] Solving process #1 took 0.000203943 s in time step #6  coupling iteration #0
+info: [time] Assembly took 0.00055014 s.
+info: [time] Applying Dirichlet BCs took 9.739e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144952 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.1215e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000724341 s.
+info: [time] Solving process #0 took 0.000729087 s in time step #6  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.1215e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00014082 s.
+info: [time] Applying Dirichlet BCs took 1.079e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0194e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000200103 s.
+info: [time] Solving process #1 took 0.00020503 s in time step #6  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #6 took 0.00264076 s.
+info: === Time stepping at step #7 and time 7000 with step size 1000
+info: [time] Assembly took 0.000550206 s.
+info: [time] Applying Dirichlet BCs took 9.71e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000162639 s.
+info: Convergence criterion: |dx|=3.2155e-01, |x|=3.3131e+00, |dx|/|x|=9.7054e-02
+info: [time] Iteration #1 took 0.000741607 s.
+info: [time] Assembly took 0.00055699 s.
+info: [time] Applying Dirichlet BCs took 1.0384e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142701 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.3131e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000729578 s.
+info: [time] Solving process #0 took 0.00147913 s in time step #7  coupling iteration #0
+info: [time] Assembly took 0.000141004 s.
+info: [time] Applying Dirichlet BCs took 1.0759e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0461e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000200365 s.
+info: [time] Solving process #1 took 0.000205311 s in time step #7  coupling iteration #0
+info: [time] Assembly took 0.000553827 s.
+info: [time] Applying Dirichlet BCs took 9.761e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144944 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.3131e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000728067 s.
+info: [time] Solving process #0 took 0.000732608 s in time step #7  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.3131e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000140669 s.
+info: [time] Applying Dirichlet BCs took 1.0759e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9668e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000198809 s.
+info: [time] Solving process #1 took 0.000203467 s in time step #7  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #7 took 0.00265322 s.
+info: === Time stepping at step #8 and time 8000 with step size 1000
+info: [time] Assembly took 0.000557671 s.
+info: [time] Applying Dirichlet BCs took 9.429e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144174 s.
+info: Convergence criterion: |dx|=3.0676e-01, |x|=3.4965e+00, |dx|/|x|=8.7734e-02
+info: [time] Iteration #1 took 0.00073129 s.
+info: [time] Assembly took 0.000536406 s.
+info: [time] Applying Dirichlet BCs took 1.7881e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140591 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.4965e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000715557 s.
+info: [time] Solving process #0 took 0.00145455 s in time step #8  coupling iteration #0
+info: [time] Assembly took 0.000137116 s.
+info: [time] Applying Dirichlet BCs took 1.0575e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9182e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194167 s.
+info: [time] Solving process #1 took 0.000198752 s in time step #8  coupling iteration #0
+info: [time] Assembly took 0.000535061 s.
+info: [time] Applying Dirichlet BCs took 9.489e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140588 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.4965e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000704988 s.
+info: [time] Solving process #0 took 0.000709469 s in time step #8  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.4965e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00013665 s.
+info: [time] Applying Dirichlet BCs took 1.0157e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8618e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000193731 s.
+info: [time] Solving process #1 took 0.000198417 s in time step #8  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #8 took 0.0025923 s.
+info: === Time stepping at step #9 and time 9000 with step size 1000
+info: [time] Assembly took 0.000541422 s.
+info: [time] Applying Dirichlet BCs took 9.467e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142923 s.
+info: Convergence criterion: |dx|=2.9476e-01, |x|=3.6727e+00, |dx|/|x|=8.0258e-02
+info: [time] Iteration #1 took 0.000717348 s.
+info: [time] Assembly took 0.000541988 s.
+info: [time] Applying Dirichlet BCs took 1.0054e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000138525 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.6727e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000709492 s.
+info: [time] Solving process #0 took 0.00143473 s in time step #9  coupling iteration #0
+info: [time] Assembly took 0.00013696 s.
+info: [time] Applying Dirichlet BCs took 1.0579e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0385e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000196365 s.
+info: [time] Solving process #1 took 0.000200768 s in time step #9  coupling iteration #0
+info: [time] Assembly took 0.000539954 s.
+info: [time] Applying Dirichlet BCs took 9.465e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00014101 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.6727e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000711074 s.
+info: [time] Solving process #0 took 0.000715811 s in time step #9  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.6727e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000136877 s.
+info: [time] Applying Dirichlet BCs took 1.0392e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9249e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194684 s.
+info: [time] Solving process #1 took 0.000199312 s in time step #9  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #9 took 0.00258239 s.
+info: === Time stepping at step #10 and time 10000 with step size 1000
+info: [time] Assembly took 0.000539963 s.
+info: [time] Applying Dirichlet BCs took 9.33e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141516 s.
+info: Convergence criterion: |dx|=2.8475e-01, |x|=3.8425e+00, |dx|/|x|=7.4104e-02
+info: [time] Iteration #1 took 0.00071113 s.
+info: [time] Assembly took 0.000543814 s.
+info: [time] Applying Dirichlet BCs took 9.638e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000136576 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.8425e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000709171 s.
+info: [time] Solving process #0 took 0.0014318 s in time step #10  coupling iteration #0
+info: [time] Assembly took 0.000133207 s.
+info: [time] Applying Dirichlet BCs took 1.0019e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.872e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000189715 s.
+info: [time] Solving process #1 took 0.000194282 s in time step #10  coupling iteration #0
+info: [time] Assembly took 0.000543749 s.
+info: [time] Applying Dirichlet BCs took 9.768e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000160878 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.8425e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000740585 s.
+info: [time] Solving process #0 took 0.000745146 s in time step #10  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=3.8425e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000135599 s.
+info: [time] Applying Dirichlet BCs took 1.0504e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9546e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194586 s.
+info: [time] Solving process #1 took 0.000199564 s in time step #10  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #10 took 0.0026023 s.
+info: === Time stepping at step #11 and time 11000 with step size 1000
+info: [time] Assembly took 0.000527018 s.
+info: [time] Applying Dirichlet BCs took 9.278e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140144 s.
+info: Convergence criterion: |dx|=2.7620e-01, |x|=4.0066e+00, |dx|/|x|=6.8937e-02
+info: [time] Iteration #1 took 0.000696006 s.
+info: [time] Assembly took 0.000528986 s.
+info: [time] Applying Dirichlet BCs took 9.74e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142455 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.0066e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000700067 s.
+info: [time] Solving process #0 took 0.00140369 s in time step #11  coupling iteration #0
+info: [time] Assembly took 0.000133713 s.
+info: [time] Applying Dirichlet BCs took 1.055e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8712e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000190266 s.
+info: [time] Solving process #1 took 0.000194897 s in time step #11  coupling iteration #0
+info: [time] Assembly took 0.000526179 s.
+info: [time] Applying Dirichlet BCs took 9.193e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000139047 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.0066e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000693671 s.
+info: [time] Solving process #0 took 0.000698013 s in time step #11  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.0066e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000148323 s.
+info: [time] Applying Dirichlet BCs took 1.0463e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9183e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000206483 s.
+info: [time] Solving process #1 took 0.000211043 s in time step #11  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #11 took 0.00253952 s.
+info: === Time stepping at step #12 and time 12000 with step size 1000
+info: [time] Assembly took 0.000540823 s.
+info: [time] Applying Dirichlet BCs took 9.503e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141865 s.
+info: Convergence criterion: |dx|=2.6878e-01, |x|=4.1654e+00, |dx|/|x|=6.4527e-02
+info: [time] Iteration #1 took 0.000711142 s.
+info: [time] Assembly took 0.000545566 s.
+info: [time] Applying Dirichlet BCs took 9.943e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00014339 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.1654e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000717823 s.
+info: [time] Solving process #0 took 0.00143644 s in time step #12  coupling iteration #0
+info: [time] Assembly took 0.000136688 s.
+info: [time] Applying Dirichlet BCs took 1.0482e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9785e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194749 s.
+info: [time] Solving process #1 took 0.000199609 s in time step #12  coupling iteration #0
+info: [time] Assembly took 0.000559532 s.
+info: [time] Applying Dirichlet BCs took 9.745e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144664 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.1654e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000734139 s.
+info: [time] Solving process #0 took 0.000739247 s in time step #12  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.1654e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000144626 s.
+info: [time] Applying Dirichlet BCs took 1.0577e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0041e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000204041 s.
+info: [time] Solving process #1 took 0.000208924 s in time step #12  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #12 took 0.00261706 s.
+info: === Time stepping at step #13 and time 13000 with step size 1000
+info: [time] Assembly took 0.000556108 s.
+info: [time] Applying Dirichlet BCs took 9.695e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000145548 s.
+info: Convergence criterion: |dx|=2.6225e-01, |x|=4.3196e+00, |dx|/|x|=6.0713e-02
+info: [time] Iteration #1 took 0.000731976 s.
+info: [time] Assembly took 0.000567388 s.
+info: [time] Applying Dirichlet BCs took 9.649e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000145107 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.3196e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000742727 s.
+info: [time] Solving process #0 took 0.00148248 s in time step #13  coupling iteration #0
+info: [time] Assembly took 0.000133662 s.
+info: [time] Applying Dirichlet BCs took 1.0259e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.7368e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00019977 s.
+info: [time] Solving process #1 took 0.000204794 s in time step #13  coupling iteration #0
+info: [time] Assembly took 0.00053901 s.
+info: [time] Applying Dirichlet BCs took 1.0679e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000154967 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.3196e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000726502 s.
+info: [time] Solving process #0 took 0.000731678 s in time step #13  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.3196e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000149169 s.
+info: [time] Applying Dirichlet BCs took 1.1399e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1286e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000209615 s.
+info: [time] Solving process #1 took 0.000215099 s in time step #13  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #13 took 0.00266815 s.
+info: === Time stepping at step #14 and time 14000 with step size 1000
+info: [time] Assembly took 0.000610821 s.
+info: [time] Applying Dirichlet BCs took 9.162e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.0001344 s.
+info: Convergence criterion: |dx|=2.5644e-01, |x|=4.4694e+00, |dx|/|x|=5.7377e-02
+info: [time] Iteration #1 took 0.000772649 s.
+info: [time] Assembly took 0.000514263 s.
+info: [time] Applying Dirichlet BCs took 9.38e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000134847 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.4694e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000677698 s.
+info: [time] Solving process #0 took 0.00145816 s in time step #14  coupling iteration #0
+info: [time] Assembly took 0.000141559 s.
+info: [time] Applying Dirichlet BCs took 9.945e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6398e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000193569 s.
+info: [time] Solving process #1 took 0.000197942 s in time step #14  coupling iteration #0
+info: [time] Assembly took 0.000497621 s.
+info: [time] Applying Dirichlet BCs took 8.633e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000130759 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.4694e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000653798 s.
+info: [time] Solving process #0 took 0.00065797 s in time step #14  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.4694e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000126517 s.
+info: [time] Applying Dirichlet BCs took 9.777e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6418e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00017917 s.
+info: [time] Solving process #1 took 0.000183532 s in time step #14  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #14 took 0.00253405 s.
+info: === Time stepping at step #15 and time 15000 with step size 1000
+info: [time] Assembly took 0.000579478 s.
+info: [time] Applying Dirichlet BCs took 1.0083e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000150669 s.
+info: Convergence criterion: |dx|=2.5121e-01, |x|=4.6152e+00, |dx|/|x|=5.4431e-02
+info: [time] Iteration #1 took 0.000760322 s.
+info: [time] Assembly took 0.000566625 s.
+info: [time] Applying Dirichlet BCs took 1.004e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000138199 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.6152e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000736716 s.
+info: [time] Solving process #0 took 0.0015049 s in time step #15  coupling iteration #0
+info: [time] Assembly took 0.000136947 s.
+info: [time] Applying Dirichlet BCs took 1.078e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8701e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000193262 s.
+info: [time] Solving process #1 took 0.000197838 s in time step #15  coupling iteration #0
+info: [time] Assembly took 0.000539637 s.
+info: [time] Applying Dirichlet BCs took 9.34e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140473 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.6152e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000708054 s.
+info: [time] Solving process #0 took 0.000712565 s in time step #15  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.6152e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000136039 s.
+info: [time] Applying Dirichlet BCs took 1.0227e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8712e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000193158 s.
+info: [time] Solving process #1 took 0.00019766 s in time step #15  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #15 took 0.0026439 s.
+info: === Time stepping at step #16 and time 16000 with step size 1000
+info: [time] Assembly took 0.000543408 s.
+info: [time] Applying Dirichlet BCs took 9.574e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142171 s.
+info: Convergence criterion: |dx|=2.4647e-01, |x|=4.7574e+00, |dx|/|x|=5.1809e-02
+info: [time] Iteration #1 took 0.000716084 s.
+info: [time] Assembly took 0.000542139 s.
+info: [time] Applying Dirichlet BCs took 9.738e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000138673 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.7574e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0007092 s.
+info: [time] Solving process #0 took 0.00143299 s in time step #16  coupling iteration #0
+info: [time] Assembly took 0.000136445 s.
+info: [time] Applying Dirichlet BCs took 1.0708e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9602e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194822 s.
+info: [time] Solving process #1 took 0.00019945 s in time step #16  coupling iteration #0
+info: [time] Assembly took 0.000539281 s.
+info: [time] Applying Dirichlet BCs took 9.302e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140975 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.7574e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000709397 s.
+info: [time] Solving process #0 took 0.000735452 s in time step #16  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.7574e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000148561 s.
+info: [time] Applying Dirichlet BCs took 1.1139e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.2727e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000211918 s.
+info: [time] Solving process #1 took 0.000216887 s in time step #16  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #16 took 0.0026226 s.
+info: === Time stepping at step #17 and time 17000 with step size 1000
+info: [time] Assembly took 0.000590416 s.
+info: [time] Applying Dirichlet BCs took 1.0116e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00016458 s.
+info: Convergence criterion: |dx|=2.4215e-01, |x|=4.8961e+00, |dx|/|x|=4.9458e-02
+info: [time] Iteration #1 took 0.000785103 s.
+info: [time] Assembly took 0.000535146 s.
+info: [time] Applying Dirichlet BCs took 9.528e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137563 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.8961e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000702572 s.
+info: [time] Solving process #0 took 0.0014954 s in time step #17  coupling iteration #0
+info: [time] Assembly took 0.000133058 s.
+info: [time] Applying Dirichlet BCs took 1.0396e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9539e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000196943 s.
+info: [time] Solving process #1 took 0.000201546 s in time step #17  coupling iteration #0
+info: [time] Assembly took 0.000520756 s.
+info: [time] Applying Dirichlet BCs took 9.078e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137861 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.8961e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000686235 s.
+info: [time] Solving process #0 took 0.000690899 s in time step #17  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=4.8961e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00013235 s.
+info: [time] Applying Dirichlet BCs took 1.0045e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8859e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000188602 s.
+info: [time] Solving process #1 took 0.000192963 s in time step #17  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #17 took 0.0026126 s.
+info: === Time stepping at step #18 and time 18000 with step size 1000
+info: [time] Assembly took 0.00058631 s.
+info: [time] Applying Dirichlet BCs took 1.022e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000154838 s.
+info: Convergence criterion: |dx|=2.3818e-01, |x|=5.0316e+00, |dx|/|x|=4.7336e-02
+info: [time] Iteration #1 took 0.000773217 s.
+info: [time] Assembly took 0.000578467 s.
+info: [time] Applying Dirichlet BCs took 9.514e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000131142 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.0316e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000738438 s.
+info: [time] Solving process #0 took 0.00151957 s in time step #18  coupling iteration #0
+info: [time] Assembly took 0.000129381 s.
+info: [time] Applying Dirichlet BCs took 1.0074e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.2028e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000188172 s.
+info: [time] Solving process #1 took 0.000192822 s in time step #18  coupling iteration #0
+info: [time] Assembly took 0.000548057 s.
+info: [time] Applying Dirichlet BCs took 1e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000150939 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.0316e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000730449 s.
+info: [time] Solving process #0 took 0.000735193 s in time step #18  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.0316e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000144824 s.
+info: [time] Applying Dirichlet BCs took 1.0844e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0404e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000203826 s.
+info: [time] Solving process #1 took 0.0002087 s in time step #18  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #18 took 0.00268935 s.
+info: === Time stepping at step #19 and time 19000 with step size 1000
+info: [time] Assembly took 0.000575521 s.
+info: [time] Applying Dirichlet BCs took 8.944e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000135188 s.
+info: Convergence criterion: |dx|=2.3451e-01, |x|=5.1641e+00, |dx|/|x|=4.5411e-02
+info: [time] Iteration #1 took 0.000737256 s.
+info: [time] Assembly took 0.000515055 s.
+info: [time] Applying Dirichlet BCs took 9.284e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000132157 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.1641e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000673635 s.
+info: [time] Solving process #0 took 0.00141862 s in time step #19  coupling iteration #0
+info: [time] Assembly took 0.000158036 s.
+info: [time] Applying Dirichlet BCs took 1.1041e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.5339e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000223538 s.
+info: [time] Solving process #1 took 0.000228117 s in time step #19  coupling iteration #0
+info: [time] Assembly took 0.000571321 s.
+info: [time] Applying Dirichlet BCs took 9.925e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000149304 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.1641e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000751552 s.
+info: [time] Solving process #0 took 0.000756549 s in time step #19  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.1641e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000155473 s.
+info: [time] Applying Dirichlet BCs took 1.0414e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8256e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000212701 s.
+info: [time] Solving process #1 took 0.000217341 s in time step #19  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #19 took 0.00265288 s.
+info: === Time stepping at step #20 and time 20000 with step size 1000
+info: [time] Assembly took 0.000534877 s.
+info: [time] Applying Dirichlet BCs took 9.574e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140452 s.
+info: Convergence criterion: |dx|=2.3110e-01, |x|=5.2939e+00, |dx|/|x|=4.3655e-02
+info: [time] Iteration #1 took 0.000704071 s.
+info: [time] Assembly took 0.00054291 s.
+info: [time] Applying Dirichlet BCs took 9.815e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140439 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.2939e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000712081 s.
+info: [time] Solving process #0 took 0.00142374 s in time step #20  coupling iteration #0
+info: [time] Assembly took 0.000136758 s.
+info: [time] Applying Dirichlet BCs took 1.0514e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.3304e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000198512 s.
+info: [time] Solving process #1 took 0.000203036 s in time step #20  coupling iteration #0
+info: [time] Assembly took 0.000535457 s.
+info: [time] Applying Dirichlet BCs took 9.472e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140333 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.2939e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000704251 s.
+info: [time] Solving process #0 took 0.000709087 s in time step #20  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.2939e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000136339 s.
+info: [time] Applying Dirichlet BCs took 1.0249e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9815e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000194197 s.
+info: [time] Solving process #1 took 0.000199097 s in time step #20  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #20 took 0.00256766 s.
+info: === Time stepping at step #21 and time 21000 with step size 1000
+info: [time] Assembly took 0.000572269 s.
+info: [time] Applying Dirichlet BCs took 9.844e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000156299 s.
+info: Convergence criterion: |dx|=2.2793e-01, |x|=5.4210e+00, |dx|/|x|=4.2046e-02
+info: [time] Iteration #1 took 0.000758715 s.
+info: [time] Assembly took 0.000573174 s.
+info: [time] Applying Dirichlet BCs took 9.467e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00013091 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.4210e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000731204 s.
+info: [time] Solving process #0 took 0.00149802 s in time step #21  coupling iteration #0
+info: [time] Assembly took 0.000129631 s.
+info: [time] Applying Dirichlet BCs took 9.929e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1795e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00018836 s.
+info: [time] Solving process #1 took 0.000192776 s in time step #21  coupling iteration #0
+info: [time] Assembly took 0.000524781 s.
+info: [time] Applying Dirichlet BCs took 9.942e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000148829 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.4210e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000704698 s.
+info: [time] Solving process #0 took 0.000709356 s in time step #21  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.4210e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000145145 s.
+info: [time] Applying Dirichlet BCs took 1.0858e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1007e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000205873 s.
+info: [time] Solving process #1 took 0.000210772 s in time step #21  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #21 took 0.00264334 s.
+info: === Time stepping at step #22 and time 22000 with step size 1000
+info: [time] Assembly took 0.000576654 s.
+info: [time] Applying Dirichlet BCs took 9.07e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137406 s.
+info: Convergence criterion: |dx|=2.2497e-01, |x|=5.5456e+00, |dx|/|x|=4.0566e-02
+info: [time] Iteration #1 took 0.000741793 s.
+info: [time] Assembly took 0.000539036 s.
+info: [time] Applying Dirichlet BCs took 9.783e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00014548 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.5456e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000715701 s.
+info: [time] Solving process #0 took 0.00146509 s in time step #22  coupling iteration #0
+info: [time] Assembly took 0.000145725 s.
+info: [time] Applying Dirichlet BCs took 9.878e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6941e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000202803 s.
+info: [time] Solving process #1 took 0.000207647 s in time step #22  coupling iteration #0
+info: [time] Assembly took 0.000494244 s.
+info: [time] Applying Dirichlet BCs took 8.815e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000129411 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.5456e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000649326 s.
+info: [time] Solving process #0 took 0.000653485 s in time step #22  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.5456e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000125896 s.
+info: [time] Applying Dirichlet BCs took 9.546e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6817e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000179154 s.
+info: [time] Solving process #1 took 0.000183335 s in time step #22  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #22 took 0.00255426 s.
+info: === Time stepping at step #23 and time 23000 with step size 1000
+info: [time] Assembly took 0.000574177 s.
+info: [time] Applying Dirichlet BCs took 9.954e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000151383 s.
+info: Convergence criterion: |dx|=2.2218e-01, |x|=5.6679e+00, |dx|/|x|=3.9200e-02
+info: [time] Iteration #1 took 0.000755968 s.
+info: [time] Assembly took 0.000555389 s.
+info: [time] Applying Dirichlet BCs took 9.63e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000134714 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.6679e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000717691 s.
+info: [time] Solving process #0 took 0.00148158 s in time step #23  coupling iteration #0
+info: [time] Assembly took 0.000133006 s.
+info: [time] Applying Dirichlet BCs took 1.023e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.859e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000189423 s.
+info: [time] Solving process #1 took 0.00019752 s in time step #23  coupling iteration #0
+info: [time] Assembly took 0.000531921 s.
+info: [time] Applying Dirichlet BCs took 9.322e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137031 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.6679e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000697906 s.
+info: [time] Solving process #0 took 0.000702287 s in time step #23  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.6679e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000133692 s.
+info: [time] Applying Dirichlet BCs took 1.0237e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7674e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000188412 s.
+info: [time] Solving process #1 took 0.000193129 s in time step #23  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #23 took 0.00260616 s.
+info: === Time stepping at step #24 and time 24000 with step size 1000
+info: [time] Assembly took 0.000554786 s.
+info: [time] Applying Dirichlet BCs took 1.0272e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000152676 s.
+info: Convergence criterion: |dx|=2.1956e-01, |x|=5.7880e+00, |dx|/|x|=3.7934e-02
+info: [time] Iteration #1 took 0.000739442 s.
+info: [time] Assembly took 0.000594522 s.
+info: [time] Applying Dirichlet BCs took 1.0908e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000150948 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.7880e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000776956 s.
+info: [time] Solving process #0 took 0.00152433 s in time step #24  coupling iteration #0
+info: [time] Assembly took 0.000133056 s.
+info: [time] Applying Dirichlet BCs took 1.0041e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8294e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000189299 s.
+info: [time] Solving process #1 took 0.000194019 s in time step #24  coupling iteration #0
+info: [time] Assembly took 0.000558639 s.
+info: [time] Applying Dirichlet BCs took 9.526e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000165031 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.7880e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000757172 s.
+info: [time] Solving process #0 took 0.000762613 s in time step #24  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.7880e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000153987 s.
+info: [time] Applying Dirichlet BCs took 1.1856e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.2875e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00021937 s.
+info: [time] Solving process #1 took 0.000224933 s in time step #24  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #24 took 0.00274464 s.
+info: === Time stepping at step #25 and time 25000 with step size 1000
+info: [time] Assembly took 0.000626969 s.
+info: [time] Applying Dirichlet BCs took 9.735e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000148386 s.
+info: Convergence criterion: |dx|=2.1709e-01, |x|=5.9059e+00, |dx|/|x|=3.6758e-02
+info: [time] Iteration #1 took 0.000808448 s.
+info: [time] Assembly took 0.000556575 s.
+info: [time] Applying Dirichlet BCs took 9.92e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142644 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.9059e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000728245 s.
+info: [time] Solving process #0 took 0.00154481 s in time step #25  coupling iteration #0
+info: [time] Assembly took 0.00015763 s.
+info: [time] Applying Dirichlet BCs took 9.995e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7233e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000211467 s.
+info: [time] Solving process #1 took 0.000215943 s in time step #25  coupling iteration #0
+info: [time] Assembly took 0.000498097 s.
+info: [time] Applying Dirichlet BCs took 8.611e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000130926 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.9059e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000659167 s.
+info: [time] Solving process #0 took 0.000663229 s in time step #25  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=5.9059e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000129834 s.
+info: [time] Applying Dirichlet BCs took 9.611e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6447e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00018173 s.
+info: [time] Solving process #1 took 0.000186038 s in time step #25  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #25 took 0.00265472 s.
+info: === Time stepping at step #26 and time 26000 with step size 1000
+info: [time] Assembly took 0.00060194 s.
+info: [time] Applying Dirichlet BCs took 1.0707e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000171183 s.
+info: Convergence criterion: |dx|=2.1475e-01, |x|=6.0219e+00, |dx|/|x|=3.5662e-02
+info: [time] Iteration #1 took 0.000805606 s.
+info: [time] Assembly took 0.000566274 s.
+info: [time] Applying Dirichlet BCs took 9.905e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000135663 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.0219e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.00073153 s.
+info: [time] Solving process #0 took 0.00154607 s in time step #26  coupling iteration #0
+info: [time] Assembly took 0.000133497 s.
+info: [time] Applying Dirichlet BCs took 1.0237e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8998e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000189994 s.
+info: [time] Solving process #1 took 0.000194415 s in time step #26  coupling iteration #0
+info: [time] Assembly took 0.000524529 s.
+info: [time] Applying Dirichlet BCs took 9.156e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00014139 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.0219e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000693773 s.
+info: [time] Solving process #0 took 0.000698268 s in time step #26  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.0219e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000132555 s.
+info: [time] Applying Dirichlet BCs took 9.969e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8656e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000188955 s.
+info: [time] Solving process #1 took 0.000193516 s in time step #26  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #26 took 0.00266439 s.
+info: === Time stepping at step #27 and time 27000 with step size 1000
+info: [time] Assembly took 0.000548984 s.
+info: [time] Applying Dirichlet BCs took 9.491e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144587 s.
+info: Convergence criterion: |dx|=2.1253e-01, |x|=6.1359e+00, |dx|/|x|=3.4637e-02
+info: [time] Iteration #1 took 0.000723197 s.
+info: [time] Assembly took 0.000552085 s.
+info: [time] Applying Dirichlet BCs took 1.0003e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000151305 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.1359e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000731044 s.
+info: [time] Solving process #0 took 0.00146181 s in time step #27  coupling iteration #0
+info: [time] Assembly took 0.000127606 s.
+info: [time] Applying Dirichlet BCs took 9.81e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6749e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000180408 s.
+info: [time] Solving process #1 took 0.00018482 s in time step #27  coupling iteration #0
+info: [time] Assembly took 0.000499938 s.
+info: [time] Applying Dirichlet BCs took 8.744e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00013385 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.1359e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000660297 s.
+info: [time] Solving process #0 took 0.000664705 s in time step #27  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.1359e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000150143 s.
+info: [time] Applying Dirichlet BCs took 1.0116e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9084e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000207364 s.
+info: [time] Solving process #1 took 0.000211929 s in time step #27  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #27 took 0.00255453 s.
+info: === Time stepping at step #28 and time 28000 with step size 1000
+info: [time] Assembly took 0.000540928 s.
+info: [time] Applying Dirichlet BCs took 9.57e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141959 s.
+info: Convergence criterion: |dx|=2.1042e-01, |x|=6.2482e+00, |dx|/|x|=3.3677e-02
+info: [time] Iteration #1 took 0.000712751 s.
+info: [time] Assembly took 0.000635597 s.
+info: [time] Applying Dirichlet BCs took 1.121e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000160371 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.2482e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000830107 s.
+info: [time] Solving process #0 took 0.00155142 s in time step #28  coupling iteration #0
+info: [time] Assembly took 0.000163357 s.
+info: [time] Applying Dirichlet BCs took 1.2241e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.2854e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000241054 s.
+info: [time] Solving process #1 took 0.000245673 s in time step #28  coupling iteration #0
+info: [time] Assembly took 0.000506519 s.
+info: [time] Applying Dirichlet BCs took 8.928e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141764 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.2482e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000676676 s.
+info: [time] Solving process #0 took 0.000680836 s in time step #28  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.2482e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000130604 s.
+info: [time] Applying Dirichlet BCs took 9.633e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7666e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000184535 s.
+info: [time] Solving process #1 took 0.000188872 s in time step #28  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #28 took 0.00269758 s.
+info: === Time stepping at step #29 and time 29000 with step size 1000
+info: [time] Assembly took 0.000556414 s.
+info: [time] Applying Dirichlet BCs took 9.439e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144628 s.
+info: Convergence criterion: |dx|=2.0841e-01, |x|=6.3587e+00, |dx|/|x|=3.2776e-02
+info: [time] Iteration #1 took 0.000730028 s.
+info: [time] Assembly took 0.000545495 s.
+info: [time] Applying Dirichlet BCs took 9.734e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000138385 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.3587e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000712821 s.
+info: [time] Solving process #0 took 0.00145052 s in time step #29  coupling iteration #0
+info: [time] Assembly took 0.000136053 s.
+info: [time] Applying Dirichlet BCs took 1.0506e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9245e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000193183 s.
+info: [time] Solving process #1 took 0.000198137 s in time step #29  coupling iteration #0
+info: [time] Assembly took 0.000555688 s.
+info: [time] Applying Dirichlet BCs took 9.68e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000143785 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.3587e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000732994 s.
+info: [time] Solving process #0 took 0.000737727 s in time step #29  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.3587e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000140594 s.
+info: [time] Applying Dirichlet BCs took 1.0554e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9646e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000199712 s.
+info: [time] Solving process #1 took 0.000204435 s in time step #29  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #29 took 0.00262181 s.
+info: === Time stepping at step #30 and time 30000 with step size 1000
+info: [time] Assembly took 0.000560789 s.
+info: [time] Applying Dirichlet BCs took 9.836e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000147117 s.
+info: Convergence criterion: |dx|=2.0650e-01, |x|=6.4675e+00, |dx|/|x|=3.1928e-02
+info: [time] Iteration #1 took 0.000738401 s.
+info: [time] Assembly took 0.000556978 s.
+info: [time] Applying Dirichlet BCs took 1.0066e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000142192 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.4675e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.00072849 s.
+info: [time] Solving process #0 took 0.00147481 s in time step #30  coupling iteration #0
+info: [time] Assembly took 0.000139462 s.
+info: [time] Applying Dirichlet BCs took 9.48e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.576e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000190507 s.
+info: [time] Solving process #1 took 0.00019466 s in time step #30  coupling iteration #0
+info: [time] Assembly took 0.000475055 s.
+info: [time] Applying Dirichlet BCs took 8.273e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000124249 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.4675e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000625016 s.
+info: [time] Solving process #0 took 0.000629178 s in time step #30  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.4675e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00014622 s.
+info: [time] Applying Dirichlet BCs took 1.1987e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.3971e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000213791 s.
+info: [time] Solving process #1 took 0.000218986 s in time step #30  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #30 took 0.00255344 s.
+info: === Time stepping at step #31 and time 31000 with step size 1000
+info: [time] Assembly took 0.000628206 s.
+info: [time] Applying Dirichlet BCs took 1.1205e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000162257 s.
+info: Convergence criterion: |dx|=2.0467e-01, |x|=6.5748e+00, |dx|/|x|=3.1129e-02
+info: [time] Iteration #1 took 0.000824494 s.
+info: [time] Assembly took 0.000542104 s.
+info: [time] Applying Dirichlet BCs took 9.219e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000129557 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.5748e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000698751 s.
+info: [time] Solving process #0 took 0.00153114 s in time step #31  coupling iteration #0
+info: [time] Assembly took 0.000126441 s.
+info: [time] Applying Dirichlet BCs took 9.727e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7769e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000181232 s.
+info: [time] Solving process #1 took 0.000185456 s in time step #31  coupling iteration #0
+info: [time] Assembly took 0.000497693 s.
+info: [time] Applying Dirichlet BCs took 8.706e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00013012 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.5748e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000653713 s.
+info: [time] Solving process #0 took 0.000658128 s in time step #31  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.5748e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000125589 s.
+info: [time] Applying Dirichlet BCs took 9.606e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6832e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000178524 s.
+info: [time] Solving process #1 took 0.000183001 s in time step #31  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #31 took 0.00259227 s.
+info: === Time stepping at step #32 and time 32000 with step size 1000
+info: [time] Assembly took 0.000576047 s.
+info: [time] Applying Dirichlet BCs took 1.0782e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.00016522 s.
+info: Convergence criterion: |dx|=2.0291e-01, |x|=6.6805e+00, |dx|/|x|=3.0374e-02
+info: [time] Iteration #1 took 0.000775238 s.
+info: [time] Assembly took 0.000621364 s.
+info: [time] Applying Dirichlet BCs took 8.967e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000124626 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.6805e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000771805 s.
+info: [time] Solving process #0 took 0.00155521 s in time step #32  coupling iteration #0
+info: [time] Assembly took 0.00012644 s.
+info: [time] Applying Dirichlet BCs took 1.7278e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6784e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000190249 s.
+info: [time] Solving process #1 took 0.000194408 s in time step #32  coupling iteration #0
+info: [time] Assembly took 0.000482135 s.
+info: [time] Applying Dirichlet BCs took 8.794e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000165216 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.6805e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000674457 s.
+info: [time] Solving process #0 took 0.000679318 s in time step #32  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.6805e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000145001 s.
+info: [time] Applying Dirichlet BCs took 1.1256e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.0364e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00020513 s.
+info: [time] Solving process #1 took 0.00021035 s in time step #32  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #32 took 0.00267692 s.
+info: === Time stepping at step #33 and time 33000 with step size 1000
+info: [time] Assembly took 0.000573925 s.
+info: [time] Applying Dirichlet BCs took 9.887e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000155795 s.
+info: Convergence criterion: |dx|=2.0123e-01, |x|=6.7848e+00, |dx|/|x|=2.9659e-02
+info: [time] Iteration #1 took 0.000759661 s.
+info: [time] Assembly took 0.000530788 s.
+info: [time] Applying Dirichlet BCs took 9.58e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000136696 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.7848e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000697505 s.
+info: [time] Solving process #0 took 0.00146469 s in time step #33  coupling iteration #0
+info: [time] Assembly took 0.000145215 s.
+info: [time] Applying Dirichlet BCs took 9.955e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7622e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000199035 s.
+info: [time] Solving process #1 took 0.000203329 s in time step #33  coupling iteration #0
+info: [time] Assembly took 0.000510931 s.
+info: [time] Applying Dirichlet BCs took 8.91e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000134347 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.7848e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000672918 s.
+info: [time] Solving process #0 took 0.000680963 s in time step #33  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.7848e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000129891 s.
+info: [time] Applying Dirichlet BCs took 9.948e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8416e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000204498 s.
+info: [time] Solving process #1 took 0.000209445 s in time step #33  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #33 took 0.00259341 s.
+info: === Time stepping at step #34 and time 34000 with step size 1000
+info: [time] Assembly took 0.000591189 s.
+info: [time] Applying Dirichlet BCs took 1.0318e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000155628 s.
+info: Convergence criterion: |dx|=1.9962e-01, |x|=6.8877e+00, |dx|/|x|=2.8982e-02
+info: [time] Iteration #1 took 0.000778689 s.
+info: [time] Assembly took 0.00055001 s.
+info: [time] Applying Dirichlet BCs took 9.276e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000128484 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.8877e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000705105 s.
+info: [time] Solving process #0 took 0.00149183 s in time step #34  coupling iteration #0
+info: [time] Assembly took 0.000126116 s.
+info: [time] Applying Dirichlet BCs took 9.774e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6596e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000178387 s.
+info: [time] Solving process #1 took 0.000182439 s in time step #34  coupling iteration #0
+info: [time] Assembly took 0.000547228 s.
+info: [time] Applying Dirichlet BCs took 1.0164e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000154131 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.8877e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000732927 s.
+info: [time] Solving process #0 took 0.000738072 s in time step #34  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.8877e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00014864 s.
+info: [time] Applying Dirichlet BCs took 1.1282e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.744e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000219903 s.
+info: [time] Solving process #1 took 0.000224989 s in time step #34  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #34 took 0.00267094 s.
+info: === Time stepping at step #35 and time 35000 with step size 1000
+info: [time] Assembly took 0.000603139 s.
+info: [time] Applying Dirichlet BCs took 9.822e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000147434 s.
+info: Convergence criterion: |dx|=1.9807e-01, |x|=6.9892e+00, |dx|/|x|=2.8339e-02
+info: [time] Iteration #1 took 0.000788067 s.
+info: [time] Assembly took 0.000565938 s.
+info: [time] Applying Dirichlet BCs took 1.1381e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000158277 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.9892e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000757186 s.
+info: [time] Solving process #0 took 0.00155425 s in time step #35  coupling iteration #0
+info: [time] Assembly took 0.000156734 s.
+info: [time] Applying Dirichlet BCs took 1.6039e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.4796e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000237549 s.
+info: [time] Solving process #1 took 0.000245767 s in time step #35  coupling iteration #0
+info: [time] Assembly took 0.000613257 s.
+info: [time] Applying Dirichlet BCs took 1.4038e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000176653 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.9892e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00083361 s.
+info: [time] Solving process #0 took 0.000839219 s in time step #35  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=6.9892e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000147666 s.
+info: [time] Applying Dirichlet BCs took 1.5325e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.8372e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000223763 s.
+info: [time] Solving process #1 took 0.000228854 s in time step #35  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #35 took 0.00290589 s.
+info: === Time stepping at step #36 and time 36000 with step size 1000
+info: [time] Assembly took 0.000615096 s.
+info: [time] Applying Dirichlet BCs took 1.7529e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000207902 s.
+info: Convergence criterion: |dx|=1.9657e-01, |x|=7.0894e+00, |dx|/|x|=2.7728e-02
+info: [time] Iteration #1 took 0.000870582 s.
+info: [time] Assembly took 0.000691234 s.
+info: [time] Applying Dirichlet BCs took 1.4772e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000164909 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.0894e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.00089496 s.
+info: [time] Solving process #0 took 0.00177581 s in time step #36  coupling iteration #0
+info: [time] Assembly took 0.000153465 s.
+info: [time] Applying Dirichlet BCs took 1.4628e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1973e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000221316 s.
+info: [time] Solving process #1 took 0.000226768 s in time step #36  coupling iteration #0
+info: [time] Assembly took 0.000599383 s.
+info: [time] Applying Dirichlet BCs took 1.4036e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000175238 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.0894e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000812934 s.
+info: [time] Solving process #0 took 0.000818162 s in time step #36  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.0894e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000161407 s.
+info: [time] Applying Dirichlet BCs took 1.4738e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.9667e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000242052 s.
+info: [time] Solving process #1 took 0.000247637 s in time step #36  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #36 took 0.00310531 s.
+info: === Time stepping at step #37 and time 37000 with step size 1000
+info: [time] Assembly took 0.000621441 s.
+info: [time] Applying Dirichlet BCs took 1.4202e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000199793 s.
+info: Convergence criterion: |dx|=1.9514e-01, |x|=7.1884e+00, |dx|/|x|=2.7146e-02
+info: [time] Iteration #1 took 0.000863005 s.
+info: [time] Assembly took 0.000640068 s.
+info: [time] Applying Dirichlet BCs took 1.6335e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000179129 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.1884e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000866895 s.
+info: [time] Solving process #0 took 0.00174004 s in time step #37  coupling iteration #0
+info: [time] Assembly took 0.000158615 s.
+info: [time] Applying Dirichlet BCs took 1.2422e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.5058e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000227064 s.
+info: [time] Solving process #1 took 0.000233469 s in time step #37  coupling iteration #0
+info: [time] Assembly took 0.000613832 s.
+info: [time] Applying Dirichlet BCs took 1.4631e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000184135 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.1884e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000843436 s.
+info: [time] Solving process #0 took 0.000849532 s in time step #37  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.1884e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000182994 s.
+info: [time] Applying Dirichlet BCs took 1.3791e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 6.0716e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000284216 s.
+info: [time] Solving process #1 took 0.000289974 s in time step #37  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #37 took 0.00315 s.
+info: === Time stepping at step #38 and time 38000 with step size 1000
+info: [time] Assembly took 0.00065397 s.
+info: [time] Applying Dirichlet BCs took 1.2111e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000178876 s.
+info: Convergence criterion: |dx|=1.9375e-01, |x|=7.2862e+00, |dx|/|x|=2.6591e-02
+info: [time] Iteration #1 took 0.000872562 s.
+info: [time] Assembly took 0.000598076 s.
+info: [time] Applying Dirichlet BCs took 1.0118e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000145382 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.2862e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000774757 s.
+info: [time] Solving process #0 took 0.00165615 s in time step #38  coupling iteration #0
+info: [time] Assembly took 0.000139993 s.
+info: [time] Applying Dirichlet BCs took 1.0829e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.9552e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000198937 s.
+info: [time] Solving process #1 took 0.000203604 s in time step #38  coupling iteration #0
+info: [time] Assembly took 0.000525179 s.
+info: [time] Applying Dirichlet BCs took 9.394e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144314 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.2862e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000698664 s.
+info: [time] Solving process #0 took 0.000703271 s in time step #38  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.2862e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000136725 s.
+info: [time] Applying Dirichlet BCs took 1.0227e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8785e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000200777 s.
+info: [time] Solving process #1 took 0.000205707 s in time step #38  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #38 took 0.00280281 s.
+info: === Time stepping at step #39 and time 39000 with step size 1000
+info: [time] Assembly took 0.000557876 s.
+info: [time] Applying Dirichlet BCs took 1.0297e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000156394 s.
+info: Convergence criterion: |dx|=1.9241e-01, |x|=7.3828e+00, |dx|/|x|=2.6062e-02
+info: [time] Iteration #1 took 0.000747121 s.
+info: [time] Assembly took 0.000574186 s.
+info: [time] Applying Dirichlet BCs took 1.0527e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000144155 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.3828e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000747788 s.
+info: [time] Solving process #0 took 0.00150258 s in time step #39  coupling iteration #0
+info: [time] Assembly took 0.000127872 s.
+info: [time] Applying Dirichlet BCs took 9.469e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6538e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000181589 s.
+info: [time] Solving process #1 took 0.000185816 s in time step #39  coupling iteration #0
+info: [time] Assembly took 0.000493897 s.
+info: [time] Applying Dirichlet BCs took 8.927e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000132087 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.3828e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000653482 s.
+info: [time] Solving process #0 took 0.00067927 s in time step #39  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.3828e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000154477 s.
+info: [time] Applying Dirichlet BCs took 1.1658e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.192e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000218801 s.
+info: [time] Solving process #1 took 0.00022853 s in time step #39  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #39 took 0.00262966 s.
+info: === Time stepping at step #40 and time 40000 with step size 1000
+info: [time] Assembly took 0.000589241 s.
+info: [time] Applying Dirichlet BCs took 1.0515e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000168842 s.
+info: Convergence criterion: |dx|=1.9112e-01, |x|=7.4783e+00, |dx|/|x|=2.5556e-02
+info: [time] Iteration #1 took 0.000789712 s.
+info: [time] Assembly took 0.000528179 s.
+info: [time] Applying Dirichlet BCs took 9.876e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141195 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.4783e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.0006992 s.
+info: [time] Solving process #0 took 0.00149679 s in time step #40  coupling iteration #0
+info: [time] Assembly took 0.000158546 s.
+info: [time] Applying Dirichlet BCs took 1.4308e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 4.1628e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000257803 s.
+info: [time] Solving process #1 took 0.000264693 s in time step #40  coupling iteration #0
+info: [time] Assembly took 0.000499614 s.
+info: [time] Applying Dirichlet BCs took 9.531e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000140601 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.4783e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000669892 s.
+info: [time] Solving process #0 took 0.00067515 s in time step #40  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.4783e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000128177 s.
+info: [time] Applying Dirichlet BCs took 9.948e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6822e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000180637 s.
+info: [time] Solving process #1 took 0.000185258 s in time step #40  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #40 took 0.00266495 s.
+info: === Time stepping at step #41 and time 41000 with step size 1000
+info: [time] Assembly took 0.000684063 s.
+info: [time] Applying Dirichlet BCs took 1.1879e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000183904 s.
+info: Convergence criterion: |dx|=1.8986e-01, |x|=7.5727e+00, |dx|/|x|=2.5072e-02
+info: [time] Iteration #1 took 0.000905129 s.
+info: [time] Assembly took 0.000575984 s.
+info: [time] Applying Dirichlet BCs took 9.646e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000138493 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.5727e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.00074377 s.
+info: [time] Solving process #0 took 0.0016575 s in time step #41  coupling iteration #0
+info: [time] Assembly took 0.000135007 s.
+info: [time] Applying Dirichlet BCs took 1.0092e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7136e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000190146 s.
+info: [time] Solving process #1 took 0.000194808 s in time step #41  coupling iteration #0
+info: [time] Assembly took 0.000535164 s.
+info: [time] Applying Dirichlet BCs took 9.284e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.0001415 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.5727e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000705271 s.
+info: [time] Solving process #0 took 0.000709739 s in time step #41  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.5727e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000140768 s.
+info: [time] Applying Dirichlet BCs took 1.0206e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8182e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000197812 s.
+info: [time] Solving process #1 took 0.000202375 s in time step #41  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #41 took 0.00279955 s.
+info: === Time stepping at step #42 and time 42000 with step size 1000
+info: [time] Assembly took 0.000580394 s.
+info: [time] Applying Dirichlet BCs took 1.036e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000156706 s.
+info: Convergence criterion: |dx|=1.8865e-01, |x|=7.6661e+00, |dx|/|x|=2.4608e-02
+info: [time] Iteration #1 took 0.000770474 s.
+info: [time] Assembly took 0.000570432 s.
+info: [time] Applying Dirichlet BCs took 9.132e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000130545 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.6661e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000727887 s.
+info: [time] Solving process #0 took 0.00150589 s in time step #42  coupling iteration #0
+info: [time] Assembly took 0.000127758 s.
+info: [time] Applying Dirichlet BCs took 9.576e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6388e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000180676 s.
+info: [time] Solving process #1 took 0.000185118 s in time step #42  coupling iteration #0
+info: [time] Assembly took 0.000485966 s.
+info: [time] Applying Dirichlet BCs took 2.3109e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000150606 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.6661e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000680334 s.
+info: [time] Solving process #0 took 0.000685355 s in time step #42  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.6661e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000152725 s.
+info: [time] Applying Dirichlet BCs took 1.1153e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.1236e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000215557 s.
+info: [time] Solving process #1 took 0.000220593 s in time step #42  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #42 took 0.00263003 s.
+info: === Time stepping at step #43 and time 43000 with step size 1000
+info: [time] Assembly took 0.000572668 s.
+info: [time] Applying Dirichlet BCs took 2.2457e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000143074 s.
+info: Convergence criterion: |dx|=1.8748e-01, |x|=7.7585e+00, |dx|/|x|=2.4164e-02
+info: [time] Iteration #1 took 0.000759115 s.
+info: [time] Assembly took 0.000535314 s.
+info: [time] Applying Dirichlet BCs took 9.928e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000141356 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.7585e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000707142 s.
+info: [time] Solving process #0 took 0.0014741 s in time step #43  coupling iteration #0
+info: [time] Assembly took 0.000150647 s.
+info: [time] Applying Dirichlet BCs took 1.0024e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.6916e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000205549 s.
+info: [time] Solving process #1 took 0.000210004 s in time step #43  coupling iteration #0
+info: [time] Assembly took 0.000498568 s.
+info: [time] Applying Dirichlet BCs took 8.913e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000135018 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.7585e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000659946 s.
+info: [time] Solving process #0 took 0.000663994 s in time step #43  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.7585e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000133995 s.
+info: [time] Applying Dirichlet BCs took 9.821e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7131e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00018847 s.
+info: [time] Solving process #1 took 0.000192935 s in time step #43  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #43 took 0.00257218 s.
+info: === Time stepping at step #44 and time 44000 with step size 1000
+info: [time] Assembly took 0.000588037 s.
+info: [time] Applying Dirichlet BCs took 1.0237e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000155493 s.
+info: Convergence criterion: |dx|=1.8634e-01, |x|=7.8498e+00, |dx|/|x|=2.3738e-02
+info: [time] Iteration #1 took 0.000778167 s.
+info: [time] Assembly took 0.000547119 s.
+info: [time] Applying Dirichlet BCs took 9.442e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000133483 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.8498e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.00070897 s.
+info: [time] Solving process #0 took 0.00149523 s in time step #44  coupling iteration #0
+info: [time] Assembly took 0.000130258 s.
+info: [time] Applying Dirichlet BCs took 9.809e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7115e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00018462 s.
+info: [time] Solving process #1 took 0.000189319 s in time step #44  coupling iteration #0
+info: [time] Assembly took 0.000540386 s.
+info: [time] Applying Dirichlet BCs took 1.1408e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000152418 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.8498e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000728777 s.
+info: [time] Solving process #0 took 0.000733579 s in time step #44  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.8498e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000146158 s.
+info: [time] Applying Dirichlet BCs took 1.1129e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.082e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000207692 s.
+info: [time] Solving process #1 took 0.000212588 s in time step #44  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #44 took 0.0026627 s.
+info: === Time stepping at step #45 and time 45000 with step size 1000
+info: [time] Assembly took 0.000555787 s.
+info: [time] Applying Dirichlet BCs took 1.0076e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000178854 s.
+info: Convergence criterion: |dx|=1.8523e-01, |x|=7.9403e+00, |dx|/|x|=2.3328e-02
+info: [time] Iteration #1 took 0.000769894 s.
+info: [time] Assembly took 0.000575717 s.
+info: [time] Applying Dirichlet BCs took 1.0725e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000149045 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.9403e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000770868 s.
+info: [time] Solving process #0 took 0.00154892 s in time step #45  coupling iteration #0
+info: [time] Assembly took 0.000141893 s.
+info: [time] Applying Dirichlet BCs took 1.2901e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 4.3694e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00022434 s.
+info: [time] Solving process #1 took 0.000231586 s in time step #45  coupling iteration #0
+info: [time] Assembly took 0.000504536 s.
+info: [time] Applying Dirichlet BCs took 1.4541e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000191404 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.9403e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000745562 s.
+info: [time] Solving process #0 took 0.000754735 s in time step #45  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=7.9403e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.00016158 s.
+info: [time] Applying Dirichlet BCs took 1.5875e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 4.6648e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000250929 s.
+info: [time] Solving process #1 took 0.000257617 s in time step #45  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #45 took 0.00284309 s.
+info: === Time stepping at step #46 and time 46000 with step size 1000
+info: [time] Assembly took 0.000689407 s.
+info: [time] Applying Dirichlet BCs took 1.426e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000157236 s.
+info: Convergence criterion: |dx|=1.8416e-01, |x|=8.0297e+00, |dx|/|x|=2.2935e-02
+info: [time] Iteration #1 took 0.000893972 s.
+info: [time] Assembly took 0.000641389 s.
+info: [time] Applying Dirichlet BCs took 1.4038e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000194325 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.0297e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000913036 s.
+info: [time] Solving process #0 took 0.00182156 s in time step #46  coupling iteration #0
+info: [time] Assembly took 0.000247884 s.
+info: [time] Applying Dirichlet BCs took 3.515e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 0.000113055 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000458461 s.
+info: [time] Solving process #1 took 0.000472796 s in time step #46  coupling iteration #0
+info: [time] Assembly took 0.000865276 s.
+info: [time] Applying Dirichlet BCs took 3.2578e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000196747 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.0297e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00114371 s.
+info: [time] Solving process #0 took 0.00115339 s in time step #46  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.0297e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000180667 s.
+info: [time] Applying Dirichlet BCs took 1.4471e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.8665e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000257484 s.
+info: [time] Solving process #1 took 0.000264301 s in time step #46  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #46 took 0.00376203 s.
+info: === Time stepping at step #47 and time 47000 with step size 1000
+info: [time] Assembly took 0.000697781 s.
+info: [time] Applying Dirichlet BCs took 1.2312e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000155688 s.
+info: Convergence criterion: |dx|=1.8312e-01, |x|=8.1183e+00, |dx|/|x|=2.2556e-02
+info: [time] Iteration #1 took 0.000901017 s.
+info: [time] Assembly took 0.000495613 s.
+info: [time] Applying Dirichlet BCs took 9.165e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000130023 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.1183e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000652839 s.
+info: [time] Solving process #0 took 0.00156146 s in time step #47  coupling iteration #0
+info: [time] Assembly took 0.00012668 s.
+info: [time] Applying Dirichlet BCs took 9.812e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7796e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000181714 s.
+info: [time] Solving process #1 took 0.000186272 s in time step #47  coupling iteration #0
+info: [time] Assembly took 0.000498127 s.
+info: [time] Applying Dirichlet BCs took 8.756e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137712 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.1183e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000662281 s.
+info: [time] Solving process #0 took 0.000666431 s in time step #47  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.1183e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000139856 s.
+info: [time] Applying Dirichlet BCs took 9.997e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.775e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000197412 s.
+info: [time] Solving process #1 took 0.000201686 s in time step #47  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #47 took 0.00264999 s.
+info: === Time stepping at step #48 and time 48000 with step size 1000
+info: [time] Assembly took 0.000637725 s.
+info: [time] Applying Dirichlet BCs took 1.1341e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000178022 s.
+info: Convergence criterion: |dx|=1.8210e-01, |x|=8.2061e+00, |dx|/|x|=2.2191e-02
+info: [time] Iteration #1 took 0.000853655 s.
+info: [time] Assembly took 0.000565801 s.
+info: [time] Applying Dirichlet BCs took 9.951e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000132886 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2061e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000728268 s.
+info: [time] Solving process #0 took 0.00159005 s in time step #48  coupling iteration #0
+info: [time] Assembly took 0.00013368 s.
+info: [time] Applying Dirichlet BCs took 9.924e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8349e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000188977 s.
+info: [time] Solving process #1 took 0.000193719 s in time step #48  coupling iteration #0
+info: [time] Assembly took 0.000529058 s.
+info: [time] Applying Dirichlet BCs took 9.153e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000137615 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2061e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000696263 s.
+info: [time] Solving process #0 took 0.000700705 s in time step #48  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2061e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000132732 s.
+info: [time] Applying Dirichlet BCs took 1.0261e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.8409e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000189487 s.
+info: [time] Solving process #1 took 0.000193949 s in time step #48  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #48 took 0.00270925 s.
+info: === Time stepping at step #49 and time 49000 with step size 1000
+info: [time] Assembly took 0.000572168 s.
+info: [time] Applying Dirichlet BCs took 1.0668e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000161334 s.
+info: Convergence criterion: |dx|=1.8112e-01, |x|=8.2930e+00, |dx|/|x|=2.1840e-02
+info: [time] Iteration #1 took 0.000772845 s.
+info: [time] Assembly took 0.000624649 s.
+info: [time] Applying Dirichlet BCs took 9.39e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000128803 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2930e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000780992 s.
+info: [time] Solving process #0 took 0.00156175 s in time step #49  coupling iteration #0
+info: [time] Assembly took 0.000126393 s.
+info: [time] Applying Dirichlet BCs took 9.584e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.7137e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.00017946 s.
+info: [time] Solving process #1 took 0.000183863 s in time step #49  coupling iteration #0
+info: [time] Assembly took 0.000501915 s.
+info: [time] Applying Dirichlet BCs took 8.759e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000154581 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2930e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000684922 s.
+info: [time] Solving process #0 took 0.000689838 s in time step #49  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.2930e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000144102 s.
+info: [time] Applying Dirichlet BCs took 1.1058e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 3.081e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000205717 s.
+info: [time] Solving process #1 took 0.000210715 s in time step #49  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #49 took 0.00267951 s.
+info: === Time stepping at step #50 and time 50000 with step size 1000
+info: [time] Assembly took 0.000573314 s.
+info: [time] Applying Dirichlet BCs took 9.907e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000149731 s.
+info: Convergence criterion: |dx|=1.8016e-01, |x|=8.3790e+00, |dx|/|x|=2.1501e-02
+info: [time] Iteration #1 took 0.000755111 s.
+info: [time] Assembly took 0.000582004 s.
+info: [time] Applying Dirichlet BCs took 1.0693e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000149766 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.3790e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #2 took 0.000769386 s.
+info: [time] Solving process #0 took 0.00153282 s in time step #50  coupling iteration #0
+info: [time] Assembly took 0.00014472 s.
+info: [time] Applying Dirichlet BCs took 1.12e-05 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 4.4387e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000219115 s.
+info: [time] Solving process #1 took 0.000223655 s in time step #50  coupling iteration #0
+info: [time] Assembly took 0.000499817 s.
+info: [time] Applying Dirichlet BCs took 8.675e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen direct linear solver SparseLU
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen direct linear solver SparseLU
+info: [time] Linear solver took 0.000131019 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.3790e+00, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000657918 s.
+info: [time] Solving process #0 took 0.000662285 s in time step #50  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #0 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=8.3790e+00, |dx|/|x|=0.0000e+00
+info: [time] Assembly took 0.000129745 s.
+info: [time] Applying Dirichlet BCs took 9.555e-06 s.
+info: ------------------------------------------------------------------
+info: *** Eigen solver compute()
+info: -> compute with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: ------------------------------------------------------------------
+info: *** Eigen solver solve()
+info: -> solve with Eigen iterative linear solver BiCGSTAB (precon DIAGONAL)
+info: 	 iteration: 0/4000
+info: 	 residual: 3.036943e-11
+
+info: [time] Linear solver took 2.699e-05 s.
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Iteration #1 took 0.000183399 s.
+info: [time] Solving process #1 took 0.000188032 s in time step #50  coupling iteration #1
+info: ------- Checking convergence criterion for coupled solution of process #1 -------
+info: Convergence criterion: |dx|=0.0000e+00, |x|=1.2712e+06, |dx|/|x|=0.0000e+00
+info: [time] Time step #50 took 0.0026381 s.
+info: [time] Output of timestep 50 took 0.00168853 s.
+info: The whole computation of the time stepping took 50 steps, in which
+	 the accepted steps are 50, and the rejected steps are 0.
+
+info: [time] Execution took 0.139674 s.
+info: OGS terminated on 2024-03-19 15:52:24+0100.
diff --git a/ogstools/logparser/examples/steady_state_diffusion_parallel.log b/ogstools/logparser/examples/steady_state_diffusion_parallel.log
new file mode 100644
index 0000000000000000000000000000000000000000..ce1904b0d97ca59ae2a9042ccd46550e82e66ba9
--- /dev/null
+++ b/ogstools/logparser/examples/steady_state_diffusion_parallel.log
@@ -0,0 +1,114 @@
+info: This is OpenGeoSys-6 version 6.5.0-167-gd7633c76.dirty.
+info: OGS started on 2024-03-21 13:17:33+0100.
+info: This is OpenGeoSys-6 version 6.5.0-167-gd7633c76.dirty.
+info: OGS started on 2024-03-21 13:17:33+0100.
+info: This is OpenGeoSys-6 version 6.5.0-167-gd7633c76.dirty.
+info: OGS started on 2024-03-21 13:17:33+0100.
+[2] info: Reading project file /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3_XDMF_np3.prj.
+[0] info: Reading project file /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3_XDMF_np3.prj.
+[1] info: Reading project file /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3_XDMF_np3.prj.
+[0] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/steady_state_diffusion.include into project file.
+[1] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/steady_state_diffusion.include into project file.
+[2] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/steady_state_diffusion.include into project file.
+[0] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3.include into project file.
+[2] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3.include into project file.
+[1] info: Including /home/meisel/o/s/Tests/Data/EllipticPETSc/cube_1e3.include into project file.
+[0] info: Reading corresponding part of mesh data from binary file cube_1x1x1_hex_1e3 ...
+[2] info: Reading corresponding part of mesh data from binary file cube_1x1x1_hex_1e3 ...
+[1] info: Reading corresponding part of mesh data from binary file cube_1x1x1_hex_1e3 ...
+[0] warning: Could not open file 'cube_1x1x1_hex_1e3_partitioned_integration_point_properties_cfg3.bin'.
+	You can ignore this warning if the mesh does not contain integration_point-wise property data.
+[2] warning: Could not open file 'cube_1x1x1_hex_1e3_partitioned_integration_point_properties_cfg3.bin'.
+	You can ignore this warning if the mesh does not contain integration_point-wise property data.
+[1] warning: Could not open file 'cube_1x1x1_hex_1e3_partitioned_integration_point_properties_cfg3.bin'.
+	You can ignore this warning if the mesh does not contain integration_point-wise property data.
+[1] info: [time] Reading the mesh took 0.007251 s.
+[2] info: [time] Reading the mesh took 0.007835 s.
+[0] info: [time] Reading the mesh took 0.008025 s.
+[2] info: readRasters ...
+[2] info: readRasters done
+[2] info: ConstantParameter: p0
+[2] info: ConstantParameter: p_Dirichlet_left
+[2] info: ConstantParameter: p_Dirichlet_right
+[1] info: readRasters ...
+[1] info: readRasters done
+[1] info: ConstantParameter: p0
+[2] info: No source terms for process variable 'pressure' found.
+[1] info: ConstantParameter: p_Dirichlet_left
+[1] info: ConstantParameter: p_Dirichlet_right
+[0] info: readRasters ...
+[0] info: readRasters done
+[1] info: No source terms for process variable 'pressure' found.
+[0] info: ConstantParameter: p0
+[0] info: ConstantParameter: p_Dirichlet_left
+[0] info: ConstantParameter: p_Dirichlet_right
+[0] info: No source terms for process variable 'pressure' found.
+[1] info: Initialize processes.
+[2] info: Initialize processes.
+[0] info: Initialize processes.
+[0] info: HDF5: Using a single chunk for dataset geometry .
+[2] info: HDF5: Using a single chunk for dataset geometry .
+[1] info: HDF5: Using a single chunk for dataset geometry .
+[2] info: HDF5: Using a single chunk for dataset geometry .
+[2] info: HDF5: Using a single chunk for dataset topology .
+[1] info: HDF5: Using a single chunk for dataset geometry .
+[1] info: HDF5: Using a single chunk for dataset topology .
+[0] info: HDF5: Using a single chunk for dataset geometry .
+[0] info: HDF5: Using a single chunk for dataset topology .
+[0] info: HDF5: Using a single chunk for dataset pressure .
+[1] info: HDF5: Using a single chunk for dataset pressure .
+[2] info: HDF5: Using a single chunk for dataset pressure .
+[0] info: HDF5: Using a single chunk for dataset v .
+[2] info: HDF5: Using a single chunk for dataset v .
+[1] info: HDF5: Using a single chunk for dataset v .
+[1] info: [time] Output of timestep 0 took 0.00447257 s.
+[2] info: [time] Output of timestep 0 took 0.00447257 s.
+[2] info: Solve processes.
+[0] info: [time] Output of timestep 0 took 0.00449248 s.
+[0] info: Solve processes.
+[1] info: Solve processes.
+[1] info: === Time stepping at step #1 and time 0.1 with step size 0.1
+[2] info: === Time stepping at step #1 and time 0.1 with step size 0.1
+[0] info: === Time stepping at step #1 and time 0.1 with step size 0.1
+[1] info: [time] Assembly took 0.0058952 s.
+[0] info: [time] Assembly took 0.00589635 s.
+[2] info: [time] Assembly took 0.00589633 s.
+[0] info: [time] Applying Dirichlet BCs took 0.000100729 s.
+[1] info: [time] Applying Dirichlet BCs took 9.7956e-05 s.
+[2] info: [time] Applying Dirichlet BCs took 0.000100732 s.
+
+================================================
+Linear solver bcgs with mg preconditioner using PRECONDITIONED
+converged in 15 iterations (relative convergence criterion fulfilled).
+================================================
+[0] info: [time] Linear solver took 0.0031392 s.
+[2] info: [time] Linear solver took 0.0031265 s.
+[2] info: [time] Iteration #1 took 0.00918299 s.
+[1] info: [time] Linear solver took 0.0031268 s.
+[1] info: [time] Iteration #1 took 0.00917942 s.
+[0] info: [time] Iteration #1 took 0.00918262 s.
+[0] info: [time] Solving process #0 took 0.00926697 s in time step #1
+[1] info: [time] Solving process #0 took 0.00926667 s in time step #1
+[2] info: [time] Solving process #0 took 0.00926656 s in time step #1
+[2] info: [time] Time step #1 took 0.0093221 s.
+[0] info: [time] Time step #1 took 0.00931536 s.
+[1] info: [time] Time step #1 took 0.00932201 s.
+[2] info: [time] Output of timestep 1 took 0.00231362 s.
+[2] info: The whole computation of the time stepping took 1 steps, in which
+	 the accepted steps are 1, and the rejected steps are 0.
+
+[1] info: [time] Output of timestep 1 took 0.00231531 s.
+[1] info: The whole computation of the time stepping took 1 steps, in which
+	 the accepted steps are 1, and the rejected steps are 0.
+
+[1] info: [time] Execution took 0.0873399 s.
+[0] info: [time] Output of timestep 1 took 0.00231734 s.
+[0] info: The whole computation of the time stepping took 1 steps, in which
+	 the accepted steps are 1, and the rejected steps are 0.
+
+[0] info: [time] Execution took 0.0873461 s.
+[2] info: [time] Execution took 0.087346 s.
+[0] info: [time] Output of XDMF to cube_1e3_np3_cube_1x1x1_hex_1e3.xdmf took 8.7512e-05 s.
+[1] info: OGS terminated on 2024-03-21 13:17:34+0100.
+[0] info: OGS terminated on 2024-03-21 13:17:34+0100.
+[2] info: OGS terminated on 2024-03-21 13:17:34+0100.
diff --git a/ogstools/logparser/log_parser.py b/ogstools/logparser/log_parser.py
new file mode 100644
index 0000000000000000000000000000000000000000..64db56bb058ca6161ce01c51a0e0efd8c1880a54
--- /dev/null
+++ b/ogstools/logparser/log_parser.py
@@ -0,0 +1,138 @@
+# Copyright (c) 2012-2024, OpenGeoSys Community (http://www.opengeosys.org)
+#            Distributed under a Modified BSD License.
+#              See accompanying file LICENSE.txt or
+#              http://www.opengeosys.org/project/license
+
+import re
+from pathlib import Path
+from typing import Any, Callable, Optional, Union
+
+from ogstools.logparser.regexes import Log, ogs_regexes
+
+
+def _try_match_parallel_line(
+    line: str, line_nr: int, regex: re.Pattern, pattern_class: type[Log]
+) -> Optional[Any]:
+    if match := regex.match(line):
+        # Line , Process, Type specific
+        ts = pattern_class.type_str()
+        types = (
+            str,
+            int,
+            int,
+        ) + tuple(pattern_class.__annotations__.values())
+        match_with_line = (
+            ts,
+            line_nr,
+        ) + match.groups()
+        return [ctor(s) for ctor, s in zip(types, match_with_line)]
+    return None
+
+
+def _try_match_serial_line(
+    line: str, line_nr: int, regex: re.Pattern, pattern_class: type[Log]
+) -> Optional[list[tuple[str, Log]]]:
+    if match := regex.match(line):
+        # Line , Process, Type specific
+        ts = pattern_class.type_str()
+        types = (
+            str,
+            int,
+            int,
+        ) + tuple(pattern_class.__annotations__.values())
+        match_with_line = (
+            ts,
+            line_nr,
+            0,
+        ) + match.groups()
+        return [ctor(s) for ctor, s in zip(types, match_with_line)]
+    return None
+
+
+def mpi_processes(file_name: Union[str, Path]) -> int:
+    """
+    Counts the number of MPI processes started by OpenGeoSys-6 by detecting
+    specific log entries in a given file. It assumes that each MPI process
+    will log two specific messages: "This is OpenGeoSys-6 version" and
+    "OGS started on". The function counts occurrences of these messages and
+    divides the count by two to estimate the number of MPI processes.
+
+    :param file_name: The path to the log file, as either a string or a Path object.
+    :return: An integer representing the estimated number of MPI processes
+             based on the log file's content.
+
+    """
+    occurrences = 0
+    if isinstance(file_name, str):
+        file_name = Path(file_name)
+    with file_name.open() as file:
+        lines = iter(file)
+        # There is no synchronisation barrier between both info, we count both and divide
+        while re.search(
+            "info: This is OpenGeoSys-6 version|info: OGS started on",
+            next(lines),
+        ):
+            occurrences = occurrences + 1
+        return int(occurrences / 2)
+
+
+def parse_file(
+    file_name: Union[str, Path],
+    maximum_lines: Optional[int] = None,
+    force_parallel: bool = False,
+    ogs_res: Optional[list] = None,
+) -> list[Any]:
+    """
+    Parses a log file from OGS, applying regex patterns to extract specific information,
+
+    The function supports processing files in serial or parallel mode. In
+    parallel mode, a specific regex is used to match log entries from different
+    processes.
+
+    :param file_name: The path to the log file, as a string or Path object.
+    :param maximum_lines: Optional maximum number of lines to read from the file.
+                          If not provided, the whole file is read.
+    :param force_parallel: Should only be set to True if OGS run with MPI with a single core
+    :return: A list of extracted records based on the applied regex patterns.
+             The exact type and structure of these records depend on the regex
+             patterns and their associated processing functions.
+    """
+    if isinstance(file_name, str):
+        file_name = Path(file_name)
+    file_name = Path(file_name)
+    parallel_log = force_parallel or mpi_processes(file_name) > 1
+
+    if parallel_log:
+        process_regex = "\\[(\\d+)\\]\\ "
+        try_match = _try_match_parallel_line
+    else:
+        process_regex = ""
+        try_match = _try_match_serial_line
+
+    def compile_re_fn(mpi_process_regex: str) -> Callable[[str], re.Pattern]:
+        return lambda regex: re.compile(mpi_process_regex + regex)
+
+    compile_re = compile_re_fn(process_regex)
+
+    if ogs_res is None:
+        ogs_res = ogs_regexes()
+    patterns = [(compile_re(k), v) for k, v in ogs_res]
+
+    number_of_lines_read = 0
+    with file_name.open() as file:
+        lines = iter(file)
+        records = []
+        for line in lines:
+            number_of_lines_read += 1
+
+            if (maximum_lines is not None) and (
+                maximum_lines > number_of_lines_read
+            ):
+                break
+
+            for key, value in patterns:
+                if r := try_match(line, number_of_lines_read, key, value):
+                    records.append(value(*r))
+                    break
+
+    return records
diff --git a/ogstools/logparser/regexes.py b/ogstools/logparser/regexes.py
new file mode 100644
index 0000000000000000000000000000000000000000..70296c86a5913c23739ada8af1af703766165f45
--- /dev/null
+++ b/ogstools/logparser/regexes.py
@@ -0,0 +1,235 @@
+from dataclasses import dataclass
+
+
+@dataclass
+class Log:
+    type: str
+    line: int
+
+    @staticmethod
+    def type_str() -> str:
+        return "Log"
+
+
+class Info(Log):
+    @staticmethod
+    def type_str() -> str:
+        return "Info"
+
+
+class WarningType(Log):
+    @staticmethod
+    def type_str() -> str:
+        return "Warning"
+
+
+class ErrorType(Log):
+    @staticmethod
+    def type_str() -> str:
+        return "Error"
+
+
+class CriticalType(Log):
+    @staticmethod
+    def type_str() -> str:
+        return "Critical"
+
+
+@dataclass
+class MPIProcess(Info):
+    mpi_process: int
+
+
+@dataclass
+class AssemblyTime(MPIProcess, Info):
+    assembly_time: float
+
+
+@dataclass
+class TimeStep(MPIProcess, Info):
+    time_step: int
+
+
+@dataclass
+class Iteration(TimeStep, Info):
+    iteration_number: int
+
+
+@dataclass
+class IterationTime(MPIProcess, Info):
+    iteration_number: int
+    iteration_time: float
+
+
+@dataclass
+class TimeStepStartTime(MPIProcess, Info):
+    time_step: int
+    step_start_time: float
+    step_size: float
+
+
+@dataclass
+class TimeStepOutputTime(MPIProcess, Info):
+    time_step: int
+    output_time: float
+
+
+@dataclass
+class TimeStepSolutionTime(MPIProcess, Info):
+    process: int
+    time_step_solution_time: float
+    time_step: int
+
+
+@dataclass
+class TimeStepSolutionTimeCoupledScheme(MPIProcess, Info):
+    process: int
+    time_step_solution_time: float
+    time_step: int
+    coupling_iteration: int
+
+
+@dataclass
+class TimeStepFinishedTime(MPIProcess, Info):
+    time_step: int
+    time_step_finished_time: float
+
+
+@dataclass
+class DirichletTime(MPIProcess, Info):
+    dirichlet_time: float
+
+
+@dataclass
+class LinearSolverTime(MPIProcess, Info):
+    linear_solver_time: float
+
+
+@dataclass
+class MeshReadTime(MPIProcess, Info):
+    mesh_read_time: float
+
+
+@dataclass
+class SimulationExecutionTime(MPIProcess, Info):
+    execution_time: float
+
+
+@dataclass
+class ComponentConvergenceCriterion(MPIProcess, Info):
+    component: int
+    dx: float
+    x: float
+    dx_x: float
+
+
+@dataclass
+class TimeStepConvergenceCriterion(MPIProcess, Info):
+    dx: float
+    x: float
+    dx_x: float
+
+
+@dataclass
+class CouplingIterationConvergence(MPIProcess, Info):
+    coupling_iteration_process: int
+
+
+@dataclass
+class GenericCodePoint(MPIProcess, Info):
+    message: str
+
+
+@dataclass
+class PhaseFieldEnergyVar(MPIProcess, Info):
+    elastic_energy: float
+    surface_energy: float
+    pressure_work: float
+    total_energy: float
+
+
+@dataclass
+class ErrorMessage(MPIProcess, ErrorType):
+    message: str
+
+
+@dataclass
+class CriticalMessage(MPIProcess, CriticalType):
+    message: str
+
+
+@dataclass
+class WarningMessage(MPIProcess, WarningType):
+    message: str
+
+
+def ogs_regexes() -> list[tuple[str, type[Log]]]:
+    """
+    Defines regular expressions for parsing OpenGeoSys log messages.
+
+    :return:  A list of tuples, each containing a regular expression pattern
+              and the corresponding message class.
+    """
+    return [
+        (
+            r"info: \[time\] Output of timestep (\d+) took ([\d\.e+-]+) s",
+            TimeStepOutputTime,
+        ),
+        (
+            r"info: \[time\] Time step #(\d+) took ([\d\.e+-]+) s",
+            TimeStepFinishedTime,
+        ),
+        (r"info: \[time\] Reading the mesh took ([\d\.e+-]+) s", MeshReadTime),
+        (
+            r"info: \[time\] Execution took ([\d\.e+-]+) s",
+            SimulationExecutionTime,
+        ),
+        (
+            r"info: \[time\] Solving process #(\d+) took ([\d\.e+-]+) s in time step #(\d+)  coupling iteration #(\d+)",
+            TimeStepSolutionTimeCoupledScheme,
+        ),
+        (
+            r"info: \[time\] Solving process #(\d+) took ([\d\.e+-]+) s in time step #(\d+)",
+            TimeStepSolutionTime,
+        ),
+        (
+            r"info: === Time stepping at step #(\d+) and time ([\d\.e+-]+) with step size (.*)",
+            TimeStepStartTime,
+        ),
+        (r"info: \[time\] Assembly took ([\d\.e+-]+) s", AssemblyTime),
+        (
+            r"info: \[time\] Applying Dirichlet BCs took ([\d\.e+-]+) s",
+            DirichletTime,
+        ),
+        (
+            r"info: \[time\] Linear solver took ([\d\.e+-]+) s",
+            LinearSolverTime,
+        ),
+        (
+            r"info: \[time\] Iteration #(\d+) took ([\d\.e+-]+) s",
+            IterationTime,
+        ),
+        (
+            r"info: Convergence criterion: \|dx\|=([\d\.e+-]+), \|x\|=([\d\.e+-]+), \|dx\|/\|x\|=([\d\.e+-]+|nan|inf)$",
+            TimeStepConvergenceCriterion,
+        ),
+        (
+            r"info: Elastic energy: ([\d\.e+-]+) Surface energy: ([\d\.e+-]+) Pressure work: ([\d\.e+-]+) Total energy: ([\d\.e+-]+)",
+            PhaseFieldEnergyVar,
+        ),
+        (
+            r"info: ------- Checking convergence criterion for coupled solution of process #(\d+)",
+            CouplingIterationConvergence,
+        ),
+        (
+            r"info: ------- Checking convergence criterion for coupled solution  of process ID (\d+) -------",
+            CouplingIterationConvergence,
+        ),
+        (
+            r"info: Convergence criterion, component (\d+): \|dx\|=([\d\.e+-]+), \|x\|=([\d\.e+-]+), \|dx\|/\|x\|=([\d\.e+-]+|nan|inf)$",
+            ComponentConvergenceCriterion,
+        ),
+        ("critical: (.*)", CriticalMessage),
+        ("error: (.*)", ErrorMessage),
+        ("warning: (.*)", WarningMessage),
+    ]