Author

Ingo Steldermann

Published

July 10, 2025

VAM Tutorial (Simple)

Reference

The following the model is described in the paper:

 @article{Escalante_2024, 
    title={Vertically averaged and moment equations: New derivation, efficient numerical solution and comparison with other physical approximations for modeling non-hydrostatic free surface flows}, 
    volume={504}, 
    ISSN={00219991}, 
    DOI={10.1016/j.jcp.2024.112882}, 
    journal={Journal of Computational Physics}, 
    author={Escalante, C. and Morales De Luna, T. and Cantero-Chinchilla, F. and Castro-Orgaz, O.}, 
    year={2024}, 
    month=may, 
    pages={112882}, 
    language={en} 
}

Imports

Load packages
import os
import numpy as np
import jax
from jax import numpy as jnp
import pytest
from types import SimpleNamespace
from sympy import cos, pi, symbols, Derivative, Function, exp, I, Rational, Derivative, init_printing, Matrix, sqrt, diff
from time import time as gettime
from attr import define, field
from typing import Callable
from functools import partial


from library.fvm.solver import HyperbolicSolver, PoissonSolver, Settings
from library.fvm.ode import RK1
import library.fvm.reconstruction as recon
import library.fvm.timestepping as timestepping
import library.fvm.flux as flux
import library.fvm.nonconservative_flux as nc_flux
from library.model.boundary_conditions import BoundaryCondition
from library.model.models.basisfunctions import Basisfunction, Legendre_shifted
from library.model.models.basismatrices import Basismatrices
from library.model.models.base import (
    register_sympy_attribute,
)
from library.fvm.solver import newton_solver, log_callback_hyperbolic, log_callback_execution_time
from library.fvm.ode import RK1


from library.model.models.base import Model
from library.misc.misc import Zstruct
import library.model.initial_conditions as IC
import library.model.boundary_conditions as BC
import library.misc.io as io
from library.mesh.mesh import compute_derivatives
from tests.pdesoft import plots_paper
import library.model.analysis as analysis

import library.mesh.mesh as petscMesh
import library.postprocessing.postprocessing as postprocessing
from library.mesh.mesh import convert_mesh_to_jax
import argparse

init_printing(use_latex=True)

Model definition

@define(frozen=True, slots=True, kw_only=True)
class VAMHyperbolic(Model):
    dimension: int = field(init=False, default=1)
    variables: Zstruct = field(init=False, default=6)
    aux_variables: Zstruct = field(factory=lambda: ['hw2', 'p0', 'p1', 'dbdx', 'dhdx', 'dhp0dx', 'dhp1dx'])
    _default_parameters: dict = field(
        init=False,
        factory=lambda: {"g": 9.81}
        )

    def flux(self):
        fx = Matrix([0 for i in range(self.n_variables)])
        hw2 = self.aux_variables.hw2
        h = self.variables[0]
        hu0 = self.variables[1]
        hu1 = self.variables[2]
        hw0 = self.variables[3]
        hw1 = self.variables[4]
        u0 = hu0 / h
        u1 = hu1 / h
        w0 = hw0 / h
        w1 = hw1 / h
        
        fx[0] = hu0
        fx[1] = hu0 * u0 + 1/3 * hu1 * u1
        fx[2] = 2*hu0 * u1
        fx[3] = hu0 * w0 + 1/3 * hu1 * w1
        fx[4] = hu0 * w1 + u1 * (hw0 + 2/5*hw2)
        
        return [fx]

    def nonconservative_matrix(self):
        nc = Matrix([[0 for i in range(self.n_variables)] for j in range(self.n_variables)])

        hw2 = self.aux_variables.hw2
        h = self.variables[0]
        hu0 = self.variables[1]
        hw0 = self.variables[3]
        param = self.parameters

        u0 = hu0 / h
        w0 = hw0 / h
        w2 = hw2 / h

        nc[1, 0] = param.g * h
        nc[1, 5] = param.g * h
        nc[2, 2] = -u0
        nc[4, 2] = + 1/5 * w2 - w0
        return [nc]
    
    def eigenvalues(self):
        ev = Matrix([0 for i in range(self.n_variables)])
        h = self.variables[0]
        hu0 = self.variables[1]
        hu1 = self.variables[2]
        param = self.parameters

        u0 = hu0 / h
        u1 = hu1 / h

        ev[0] = u0
        ev[1] = u0 + 1/sqrt(3) * u1
        ev[2] = u0 - 1/sqrt(3) * u1
        ev[3] = u0 + sqrt(param.g * h + u1**2)
        ev[4] = u0 - sqrt(param.g * h + u1**2)
        ev[5] = 0
        
        return ev

    def source(self):
        R = Matrix([0 for i in range(self.n_variables)])
        
        p0 = self.aux_variables.p0
        p1 = self.aux_variables.p1
        dbdx = self.aux_variables.dbdx
        dhdx = self.aux_variables.dhdx
        dhp0dx = self.aux_variables.dhp0dx
        dhp1dx = self.aux_variables.dhp1dx

        R[0] = 0
        R[1] = dhp0dx + 2 * p1 * dbdx 
        R[2] = dhp1dx - (3*p0 - p1)*dhdx  -6*(p0-p1)*dbdx
        R[3] = -2*p1
        R[4] = 6*(p0-p1)
        R[5] = 0
        return -R
        
    def constraints(self):
        C = Matrix([0 for i in range(3)])
        
        x = self.position[0]
        q0 = self.variables[0]
        q1 = self.variables[1]
        q2 = self.variables[2]
        q3 = self.variables[3]
        q4 = self.variables[4]
        q5 = self.variables[5]
        h = q0
        u0 = q1/h
        u1 = q2/h
        w0 = q3/h
        w1 = q4/h
        b = q5
        w2 = self.aux_variables.hw2 / q0
        
        C[0] = h * Derivative(u0, x) + Rational(1,3) * Derivative(h*u1, x) + Rational(1,3) * u1 * Derivative(h, x) + 2*(w0 - u0 * Derivative(b, x)) 
        C[1] = h * Derivative(u0, x) + u1 * Derivative(h, x) + 2*(u1 * Derivative(b,x) - w1)
        C[2] = h * Derivative(u0, x) + u1 * Derivative(h, x) + 2*(w0 + w2 - u0 *  Derivative(b, x))
        return C
        
        
        
@define(frozen=True, slots=True, kw_only=True)
class VAMPoisson(Model):
    
    dimension: int = field(init=False, default=1)
    variables: Zstruct = field(init=False, factory=lambda: ['p0', 'p1'])
    aux_variables: Zstruct = field(factory=lambda: ['dp0dx', 'ddp0dxx', 'dp1dx', 'ddp1dxx', 'd4p0dx4', 'd4p1dx4', 'h', 'dbdx', 'ddbdxx', 'dhdx', 'ddhdxx', 'u0', 'du0dx', 'w0', 'w1', 'u1', 'du1dx', 'dt'])
    _default_parameters: dict = field(
        init=False,
        factory=lambda: {"g": 9.81}
        )
    

    def residual(self):
        R = Matrix([0 for i in range(self.n_variables)])

        h = self.aux_variables.h
        p0 = self.variables.p0
        p1 = self.variables.p1
        dt = self.aux_variables.dt

        dbdx   = self.aux_variables.dbdx
        ddbdxx = self.aux_variables.ddbdxx

        dhdx   = self.aux_variables.dhdx
        ddhdxx = self.aux_variables.ddhdxx
        
        dp0dx = self.aux_variables.dp0dx
        dp1dx = self.aux_variables.dp1dx
        ddp0dxx = self.aux_variables.ddp0dxx
        ddp1dxx = self.aux_variables.ddp1dxx

        
        #Note, these are not truly the values from the old time step, but rather the values from the middle state after the hyperbolic step
        oldu0 = self.aux_variables.u0
        doldu0dx = self.aux_variables.du0dx
        oldw1 = self.aux_variables.w1
        oldw0 = self.aux_variables.w0
        oldu1 = self.aux_variables.u1
        doldu1dx = self.aux_variables.du1dx

        I1 = -1/3*dt*(-(3*p0 - p1)*ddhdxx - (6*p0 - 6*p1)*ddbdxx - (3*dp0dx - dp1dx)*dhdx - (6*dp0dx - 6*dp1dx)*dbdx + h*ddp1dxx + p1*ddhdxx + 2*dhdx*dp1dx) - 2*(-dt*(h*dp0dx + p0*dhdx + 2*p1*dbdx) + h*oldu0)*dbdx/h + 1/3*(-dt*(-(3*p0 - p1)*dhdx - (6*p0 - 6*p1)*dbdx + h*dp1dx + p1*dhdx) + h*oldu1)*dhdx/h + 2*(2*dt*p1 + h*oldw0)/h + (-(-dt*(h*dp0dx + p0*dhdx + 2*p1*dbdx) + h*oldu0)*dhdx/h**2 + (-dt*(h*ddp0dxx + p0*ddhdxx + 2*p1*ddbdxx + 2*dbdx*dp1dx + 2*dhdx*dp0dx) + h*doldu0dx + oldu0*dhdx)/h)*h + 1/3*h*doldu1dx + 1/3*oldu1*dhdx
        I2 =-2*(-dt*(6*p0 - 6*p1) + h*oldw1)/h + 2*(-dt*(-(3*p0 - p1)*dhdx - (6*p0 - 6*p1)*dbdx + h*dp1dx + p1*dhdx) + h*oldu1)*dbdx/h + (-dt*(-(3*p0 - p1)*dhdx - (6*p0 - 6*p1)*dbdx + h*dp1dx + p1*dhdx) + h*oldu1)*dhdx/h + (-(-dt*(h*dp0dx + p0*dhdx + 2*p1*dbdx) + h*oldu0)*dhdx/h**2 + (-dt*(h*ddp0dxx + p0*ddhdxx + 2*p1*ddbdxx + 2*dbdx*dp1dx + 2*dhdx*dp0dx) + h*doldu0dx + oldu0*dhdx)/h)*h 
        R[0] = I1 
        R[1] = I2

        return R
    
    def eigenvalues(self):
        ev = Matrix([0 for i in range(self.n_variables)])
        return ev
model = VAMHyperbolic(boundary_conditions=BC.BoundaryConditions.dummy())

Linear stability analysis


analyzer = analysis.ModelAnalyser(model)
h0, b0 = symbols('h_c b_c')
eps = analyzer.get_eps()
h, u0, u1, w0, w1, w2, p0, p1 = analyzer.create_functions_from_list(['h', 'u_0', 'u_1', 'w_0', 'w_1', 'w_2', 'p_0', 'p_1'])
t, x, y, z = analyzer.get_time_space()
Q = Matrix([h0 + eps * h, (h0 + eps * h) * eps * u0, (h0 + eps * h) * eps * u1, (h0 + eps * h) * eps * w0, (h0 + eps * h)* eps * w1, b0])
Qaux = Matrix([(h0 + eps * h) * eps*w2, eps*p0, eps*p1, diff(b0, x), diff(h0 + eps * h, x), diff((h0 + eps * h) * eps * p0, x), diff((h0 + eps * h) * eps * p1, x)])

linearized_system = analyzer.linearize_system(Q, Qaux, constraints = model.constraints())
analyzer.print_equations()

\[\begin{align*} & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + \frac{\partial}{\partial t} h{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \left(g \frac{\partial}{\partial X_{0}} h{\left(t,X_{0},X_{1},X_{2} \right)} + \frac{\partial}{\partial t} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)}\right) = 0 \\ & h_{c} \frac{\partial}{\partial t} u_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial t} w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial t} w_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & \text{True} \\ & 3 h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + h_{c} \frac{\partial}{\partial X_{0}} u_{1}{\left(t,X_{0},X_{1},X_{2} \right)} + 6 w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} - 2 w_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + 2 w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + 2 w_{2}{\left(t,X_{0},X_{1},X_{2} \right)} = 0\end{align*}\]

linearized_system = analyzer.delete_equations([5])
analyzer.print_equations()

\[\begin{align*} & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + \frac{\partial}{\partial t} h{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \left(g \frac{\partial}{\partial X_{0}} h{\left(t,X_{0},X_{1},X_{2} \right)} + \frac{\partial}{\partial t} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)}\right) = 0 \\ & h_{c} \frac{\partial}{\partial t} u_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial t} w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial t} w_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & 3 h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + h_{c} \frac{\partial}{\partial X_{0}} u_{1}{\left(t,X_{0},X_{1},X_{2} \right)} + 6 w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} - 2 w_{1}{\left(t,X_{0},X_{1},X_{2} \right)} = 0 \\ & h_{c} \frac{\partial}{\partial X_{0}} u_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + 2 w_{0}{\left(t,X_{0},X_{1},X_{2} \right)} + 2 w_{2}{\left(t,X_{0},X_{1},X_{2} \right)} = 0\end{align*}\]

analyzer.insert_plane_wave_ansatz([h, u0, u1, w0, w1])
analyzer.print_equations()

\[\begin{align*} & - i \bar{h} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & h_{c} \left(i \bar{h} g k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} - i \bar{u_0} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)}\right) = 0 \\ & - i \bar{u_1} h_{c} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & - i \bar{w_0} h_{c} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & - i \bar{w_1} h_{c} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & 3 i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + i \bar{u_1} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + 6 \bar{w_0} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} - 2 \bar{w_1} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + 2 \bar{w_0} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + 2 w_{2}{\left(t,X_{0},X_{1},X_{2} \right)} = 0\end{align*}\]

analyzer.solve_for_constraints([3, 4, 7], [p0, p1, w2])

\(\displaystyle \left\{ w_{2}{\left(t,X_{0},X_{1},X_{2} \right)} : - \frac{i \bar{u_0} h_{c} k_{x} e^{i X_{0} k_{x}} e^{i X_{1} k_{y}} e^{i X_{2} k_{z}} e^{- i \omega t}}{2} - \bar{w_0} e^{i X_{0} k_{x}} e^{i X_{1} k_{y}} e^{i X_{2} k_{z}} e^{- i \omega t}\right\}\)

analyzer.print_equations()

\[\begin{align*} & - i \bar{h} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & h_{c} \left(i \bar{h} g k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} - i \bar{u_0} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)}\right) = 0 \\ & - i \bar{u_1} h_{c} \omega e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & 3 i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + i \bar{u_1} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} + 6 \bar{w_0} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0 \\ & i \bar{u_0} h_{c} k_{x} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} - 2 \bar{w_1} e^{i \left(X_{0} k_{x} + X_{1} k_{y} + X_{2} k_{z} - \omega t\right)} = 0\end{align*}\]

analyzer.remove_exponential()
analyzer.print_equations()

\[\begin{align*} & i \left(- \bar{h} \omega + \bar{u_0} h_{c} k_{x}\right) = 0 \\ & i h_{c} \left(\bar{h} g k_{x} - \bar{u_0} \omega\right) = 0 \\ & i \bar{u_1} h_{c} \omega = 0 \\ & 3 i \bar{u_0} h_{c} k_{x} + i \bar{u_1} h_{c} k_{x} + 6 \bar{w_0} = 0 \\ & i \bar{u_0} h_{c} k_{x} - 2 \bar{w_1} = 0\end{align*}\]

dispersion_relation = analyzer.solve_for_dispersion_relation()
dispersion_relation

\(\displaystyle \left[ 0, \ - k_{x} \sqrt{g h_{c}}, \ k_{x} \sqrt{g h_{c}}\right]\)

group_velocity = dispersion_relation[1]**2 / model.parameters.g / h0
group_velocity

\(\displaystyle k_{x}^{2}\)

Numerical solution

Solver definitions


@define(frozen=True, slots=True, kw_only=True)            
class PredictorCorrectorSolver(HyperbolicSolver):
    settings: Zstruct = field(factory=lambda: Settings.default())
    compute_dt: Callable = field(factory=lambda: timestepping.adaptive(CFL=0.9))
    num_flux: Callable = field(factory=lambda: flux.Zero())
    nc_flux: Callable = field(factory=lambda: nc_flux.segmentpath())
    pressuresolver: Callable = field(factory=lambda: PoissonSolver())
    time_end: float = 0.1
    
    def map_Q_to_P(self, Q, Qaux, P, Paux, mesh, dt):
        h = Q[0]
        u0 = Q[1]/h
        u1 = Q[2]/h
        w0 = Q[3]/h
        w1 = Q[4]/h
        b = Q[5]
        
        dbdx = Qaux[3]
        ddbdxx = compute_derivatives(b, mesh, derivatives_multi_index=([[2]]))[:, 0]
        dhdx = Qaux[4]
        ddhdxx = compute_derivatives(h, mesh, derivatives_multi_index=([[2]]))[:, 0]
        du0dx = compute_derivatives(u0, mesh, derivatives_multi_index=([[1]]))[:, 0]
        du1dx = compute_derivatives(u1, mesh, derivatives_multi_index=([[1]]))[:, 0]

        offset = 2
        Paux = Paux.at[4+offset].set(h)
        Paux = Paux.at[5+offset].set(dbdx)
        Paux = Paux.at[6+offset].set(ddbdxx)
        Paux = Paux.at[7+offset].set(dhdx)
        Paux = Paux.at[8+offset].set(ddhdxx)
        Paux = Paux.at[9+offset].set(u0)
        Paux = Paux.at[10+offset].set(du0dx)
        Paux = Paux.at[11+offset].set(w0)        
        u0 = Q[1]/h
        u1 = Q[2]/h
        w0 = Q[3]/h
        w1 = Q[4]/h
        b = Q[5]
        
        dbdx = Qaux[3]
        ddbdxx = compute_derivatives(b, mesh, derivatives_multi_index=([[2]]))[:, 0]
        dhdx = Qaux[4]
        ddhdxx = compute_derivatives(h, mesh, derivatives_multi_index=([[2]]))[:, 0]
        du0dx = compute_derivatives(u0, mesh, derivatives_multi_index=([[1]]))[:, 0]
        du1dx = compute_derivatives(u1, mesh, derivatives_multi_index=([[1]]))[:, 0]

        offset = 2
        Paux = Paux.at[4+offset].set(h)
        Paux = Paux.at[5+offset].set(dbdx)
        Paux = Paux.at[6+offset].set(ddbdxx)
        Paux = Paux.at[7+offset].set(dhdx)
        Paux = Paux.at[8+offset].set(ddhdxx)
        Paux = Paux.at[9+offset].set(u0)
        Paux = Paux.at[10+offset].set(du0dx)
        Paux = Paux.at[11+offset].set(w0)
        Paux = Paux.at[12+offset].set(w1)
        Paux = Paux.at[13+offset].set(u1)
        Paux = Paux.at[14+offset].set(du1dx)
        Paux = Paux.at[15+offset].set(dt)
        return Paux
    
    def map_P_to_Q(self, Q, Qaux, P, Paux, mesh, dt):
        Qaux = Qaux.at[1].set(P[0])
        Qaux = Qaux.at[2].set(P[1])
        h =  Q[0]
        
        dhp0dx = compute_derivatives(h*P[0], mesh, derivatives_multi_index=([[1]]))[:, 0]
        dhp1dx = compute_derivatives(h*P[1], mesh, derivatives_multi_index=([[1]]))[:, 0]

        Qaux = Qaux.at[5].set(dhp0dx)
        Qaux = Qaux.at[6].set(dhp1dx)
        return Qaux
    
    
    def update_qaux(self, Q, Qaux, Qold, Qauxold, mesh, model, parameters, time, dt):

        h=Q[0]
        hu0=Q[1]
        hu1=Q[2]
        hw0=Q[3]
        hw1=Q[4]
        b=Q[5]
        
        w0 = hw0 / h
        w1 = hw1 / h
        u0 = hu0 / h
        u1 = hu1 / h
        # aux_fields=['hw2', 'p0', 'p1', 'dbdx', 'dhdx', 'dhp0dx', 'dhp1dx'],

        dbdx  = compute_derivatives(b, mesh, derivatives_multi_index=([[1]]))[:,0]
        Qaux = Qaux.at[3].set(dbdx)
        
        hw2 = h*(-(w0 + w1) + (u0 + u1) * dbdx)
        Qaux = Qaux.at[0].set(hw2)
        
        
        dhdx   = compute_derivatives(h, mesh, derivatives_multi_index=([[1]]))[:, 0]
        Qaux = Qaux.at[4].set(dhdx)
        return Qaux
    
    # @partial(jax.jit, static_argnames=["self", "mesh", "pde"])
    def compute_source_pressure(self, mesh, model):
        @jax.jit
        def f(dt, Q, Qaux, parameters):
            dQ = jnp.zeros_like(Q)
            dQ = dQ.at[:, : mesh.n_inner_cells].set(
                model.residual(
                    Q[:, : mesh.n_inner_cells],
                    Qaux[:, : mesh.n_inner_cells],
                    parameters,
                )
            )
            return Q + dt * dQ
        return f
    
    def solve(self, mesh, model, pressure_model, write_output=True):
        modelP = pressure_model
        Q, Qaux = self.initialize(mesh, model)
        Q, Qaux, parameters, mesh, model = self.create_runtime(Q, Qaux, mesh, model)
        P, Paux = self.pressuresolver.initialize(mesh, modelP)
        P, Paux, parametersP, mesh, modelP = self.pressuresolver.create_runtime(P, Paux, mesh, modelP)
        
        if write_output:
            output_hdf5_path = os.path.join(
                self.settings.output.directory, f"{self.settings.output.filename}.h5"
            )
            save_fields = io.get_save_fields(output_hdf5_path)
        else:
            def skip_save(time, time_stamp, i_snapshot, Q, Qaux):
                return i_snapshot
            save_fields = skip_save

        def run(Q, Qaux, parameters, model, P, Paux, parametersP, modelP):
            iteration = 0.0
            time = 0.0
            assert model.dimension == mesh.dimension

            i_snapshot = 0.0
            dt_snapshot = self.time_end / (self.settings.output.snapshots - 1)
            if write_output:
                io.init_output_directory(
                    self.settings.output.directory, self.settings.output.clean_directory
                )
                mesh.write_to_hdf5(output_hdf5_path)
                io.save_settings(self.settings)
            i_snapshot = save_fields(time, 0.0, i_snapshot, Q, Qaux)

            Qnew = Q
            Qauxnew = Qaux
            

            min_inradius = jnp.min(mesh.cell_inradius)

            compute_max_abs_eigenvalue = self.get_compute_max_abs_eigenvalue(mesh, model)
            flux_operator = self.get_flux_operator(mesh, model)
            source_operator = self.get_compute_source(mesh, model)
            boundary_operator = self.get_apply_boundary_conditions(mesh, model)


            boundary_operatorP = self.get_apply_boundary_conditions(mesh, modelP)


            @jax.jit
            @partial(jax.named_call, name="time loop")
            def time_loop(time, iteration, i_snapshot, Qnew, Qaux, P, Paux):
                loop_val = (time, iteration, i_snapshot, Qnew, Qaux, P, Paux)

                @partial(jax.named_call, name="time_step")
                def loop_body(init_value):
                    time, iteration, i_snapshot, Qnew, Qauxnew, P, Paux = init_value
                    Q = Qnew
                    Qaux = Qauxnew

                    dt = self.compute_dt(
                        Q, Qaux, parameters, min_inradius, compute_max_abs_eigenvalue
                    )
                    def step(Q, Qaux, P, Paux):
                        Qnew = RK1(flux_operator, Q, Qaux, parameters, dt)
                        
                        ## TODO remove
                        Qnew = Qnew.at[5].set(Q[5])
                        Qnew = boundary_operator(time, Qnew, Qaux, parameters)
                        Qauxnew = self.update_qaux(Qnew, Qaux, Q, Qaux, mesh, model, parameters, time, dt)
                        
                        
                        
                        Paux = self.map_Q_to_P(Qnew, Qauxnew, P, Paux, mesh, dt)
                        Paux = self.pressuresolver.update_qaux(P, Paux, P, Paux, mesh, modelP, parametersP, time, dt)
                        residual = self.pressuresolver.get_residual(Paux, P, Paux, parametersP, mesh, modelP, boundary_operatorP, time, dt)
                        newton_solve = newton_solver(residual)
                        P = newton_solve(P)
                        Paux = self.pressuresolver.update_qaux(P, Paux, P, Paux, mesh, modelP, parametersP, time, dt)
                        
                        Qauxnew = self.map_P_to_Q(Qnew, Qauxnew, P, Paux, mesh, dt)
                        Qauxnew = self.update_qaux(Qnew, Qauxnew, Q, Qaux, mesh, model, parameters, time, dt)

                        Qnew = RK1(
                            source_operator,
                            Qnew,
                            Qauxnew,
                            parameters,
                            dt,
                        )

                        Qnew = boundary_operator(time, Qnew, Qauxnew, parameters)
                        return Qnew, Qauxnew
                    
                    Q1, Qaux1= step(Q, Qaux, P, Paux)
                    Q2, Qaux2= step(Q1, Qaux1, P, Paux)
                    Qnew = 0.5 * (Q2 + Q)
                    Qauxnew = 0.5 * (Qaux2 + Qaux)

                    
                    # Update solution and time
                    time += dt
                    iteration += 1

                    time_stamp = (i_snapshot) * dt_snapshot

                    i_snapshot = save_fields(time, time_stamp, i_snapshot, Qnew, Qauxnew)

                    
                    jax.experimental.io_callback(
                        log_callback_hyperbolic,                 
                        None,                          
                        iteration, time, dt, time_stamp 
                    )
                    

                    return (time, iteration, i_snapshot, Qnew, Qauxnew, P, Paux)

                def proceed(loop_val):
                    time, iteration, i_snapshot, Qnew, Qaux, P, Paux = loop_val
                    return time < self.time_end

                (time, iteration, i_snapshot, Qnew, Qaux, P, Paux) = jax.lax.while_loop(
                    proceed, loop_body, loop_val
                )

                return Qnew, Qauxnew

            Qnew = time_loop(time, iteration, i_snapshot, Qnew, Qaux, P, Paux)
            return Qnew, Qaux

        time_start = gettime()
        Qnew, Qaux = run(Q, Qaux, parameters, model, P, Paux, parametersP, modelP)
        jax.experimental.io_callback(
            log_callback_execution_time,                 
            None,                          
            gettime() - time_start 
        )
        return Qnew, Qaux
    
class MyPoissonSolver(PoissonSolver):
    def update_qaux(self, Q, Qaux, Qold, Qauxold, mesh, model, parameters, time, dt):

        p0 = Q[0]
        p1 = Q[1]
        
        dp0dx = compute_derivatives(p0, mesh, derivatives_multi_index=([[1]]))[:, 0]
        ddp0dxx = compute_derivatives(p0, mesh, derivatives_multi_index=([[2]]))[:, 0]
        dp1dx = compute_derivatives(p1, mesh, derivatives_multi_index=([[1]]))[:, 0]
        ddp1dxx = compute_derivatives(p1, mesh, derivatives_multi_index=([[2]]))[:, 0]


        Qaux = Qaux.at[0].set(dp0dx)
        Qaux = Qaux.at[1].set(ddp0dxx)
        Qaux = Qaux.at[2].set(dp1dx)
        Qaux = Qaux.at[3].set(ddp1dxx)

        return Qaux

Simulation


settings = Settings(
    name="VAM",
    output = Zstruct(directory="outputs/vam", filename='vam')
)

bc_tags = ["left", "right"]
bc_tags_periodic_to = ["right", "left"]

bcs1 = BC.BoundaryConditions(
    [
        BC.Lambda(physical_tag='left', prescribe_fields={
            1: lambda t, x, dx, q, qaux, p, n: .11197,
            2: lambda t, x, dx, q, qaux, p, n: 0.,
            3: lambda t, x, dx, q, qaux, p, n: 0.,
            4: lambda t, x, dx, q, qaux, p, n: 0.
        }),
        BC.Extrapolation(physical_tag='right')

    ]
)

bcs2 = BC.BoundaryConditions(
    [
        BC.Extrapolation(physical_tag='left'),
        BC.Extrapolation(physical_tag='right'),
    ]
)

def custom_ic1(x):
    Q = np.zeros(6, dtype=float)
    Q[1] = np.where(x[0]-5 < 1, 0.0, 0.)
    Q[5] = 0.20*np.exp(-(x[0]-0.)**2 / (2*0.2**2)) 
    Q[0] = np.where(x[0] < 1, 0.34, 0.015) - Q[5]
    Q[0] = np.where(Q[0] > 0.015, Q[0], 0.015)
    # Q[0] = np.where(x[0]**2 < 0.5, 0.2, 0.1)
    return Q


ic1 = IC.UserFunction(custom_ic1)


model1 = VAMHyperbolic(
    boundary_conditions=bcs1,
    initial_conditions=ic1,
)

model2 = VAMPoisson(
    boundary_conditions=bcs2,
)

mesh = petscMesh.Mesh.create_1d((-1.5, 1.5), 60, lsq_degree=2)

solver = PredictorCorrectorSolver(time_end = 20, settings=settings, pressuresolver=MyPoissonSolver())

Q, Qaux = solver.solve(mesh, model1, model2, write_output=True)
2025-08-08 13:22:25.475 | WARNING  | library.misc.misc:__init__:146 - No 'clean_directory' attribute found in output Zstruct. Default: False

2025-08-08 13:22:38.181 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1, time: 0.024640, dt: 0.024640, next write at time: 2.222222

2025-08-08 13:22:38.259 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 2, time: 0.046874, dt: 0.022234, next write at time: 2.222222

2025-08-08 13:22:38.291 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 3, time: 0.068065, dt: 0.021191, next write at time: 2.222222

2025-08-08 13:22:38.324 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 4, time: 0.088748, dt: 0.020682, next write at time: 2.222222

2025-08-08 13:22:38.360 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 5, time: 0.109165, dt: 0.020417, next write at time: 2.222222

2025-08-08 13:22:38.396 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 6, time: 0.129438, dt: 0.020273, next write at time: 2.222222

2025-08-08 13:22:38.421 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 7, time: 0.149630, dt: 0.020192, next write at time: 2.222222

2025-08-08 13:22:38.446 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 8, time: 0.169590, dt: 0.019960, next write at time: 2.222222

2025-08-08 13:22:38.469 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 9, time: 0.189047, dt: 0.019458, next write at time: 2.222222

2025-08-08 13:22:38.497 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 10, time: 0.208062, dt: 0.019015, next write at time: 2.222222

2025-08-08 13:22:38.517 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 11, time: 0.226675, dt: 0.018612, next write at time: 2.222222

2025-08-08 13:22:38.543 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 12, time: 0.245007, dt: 0.018332, next write at time: 2.222222

2025-08-08 13:22:38.561 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 13, time: 0.263113, dt: 0.018106, next write at time: 2.222222

2025-08-08 13:22:38.578 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 14, time: 0.281018, dt: 0.017905, next write at time: 2.222222

2025-08-08 13:22:38.597 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 15, time: 0.298762, dt: 0.017744, next write at time: 2.222222

2025-08-08 13:22:38.612 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 16, time: 0.316365, dt: 0.017604, next write at time: 2.222222

2025-08-08 13:22:38.626 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 17, time: 0.333862, dt: 0.017496, next write at time: 2.222222

2025-08-08 13:22:38.642 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 18, time: 0.351260, dt: 0.017398, next write at time: 2.222222

2025-08-08 13:22:38.661 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 19, time: 0.368578, dt: 0.017319, next write at time: 2.222222

2025-08-08 13:22:38.679 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 20, time: 0.385833, dt: 0.017255, next write at time: 2.222222

2025-08-08 13:22:38.696 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 21, time: 0.403042, dt: 0.017209, next write at time: 2.222222

2025-08-08 13:22:38.712 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 22, time: 0.420208, dt: 0.017166, next write at time: 2.222222

2025-08-08 13:22:38.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 23, time: 0.437340, dt: 0.017133, next write at time: 2.222222

2025-08-08 13:22:38.745 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 24, time: 0.454445, dt: 0.017105, next write at time: 2.222222

2025-08-08 13:22:38.761 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 25, time: 0.471548, dt: 0.017103, next write at time: 2.222222

2025-08-08 13:22:38.777 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 26, time: 0.488668, dt: 0.017120, next write at time: 2.222222

2025-08-08 13:22:38.793 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 27, time: 0.505820, dt: 0.017151, next write at time: 2.222222

2025-08-08 13:22:38.812 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 28, time: 0.523012, dt: 0.017192, next write at time: 2.222222

2025-08-08 13:22:38.829 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 29, time: 0.540252, dt: 0.017240, next write at time: 2.222222

2025-08-08 13:22:38.845 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 30, time: 0.557545, dt: 0.017292, next write at time: 2.222222

2025-08-08 13:22:38.862 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 31, time: 0.574891, dt: 0.017347, next write at time: 2.222222

2025-08-08 13:22:38.879 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 32, time: 0.592294, dt: 0.017402, next write at time: 2.222222

2025-08-08 13:22:38.897 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 33, time: 0.609751, dt: 0.017457, next write at time: 2.222222

2025-08-08 13:22:38.912 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 34, time: 0.627261, dt: 0.017510, next write at time: 2.222222

2025-08-08 13:22:38.929 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 35, time: 0.644822, dt: 0.017561, next write at time: 2.222222

2025-08-08 13:22:38.946 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 36, time: 0.662431, dt: 0.017609, next write at time: 2.222222

2025-08-08 13:22:38.964 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 37, time: 0.680085, dt: 0.017654, next write at time: 2.222222

2025-08-08 13:22:38.982 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 38, time: 0.697780, dt: 0.017695, next write at time: 2.222222

2025-08-08 13:22:38.999 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 39, time: 0.715511, dt: 0.017731, next write at time: 2.222222

2025-08-08 13:22:39.015 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 40, time: 0.733276, dt: 0.017764, next write at time: 2.222222

2025-08-08 13:22:39.032 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 41, time: 0.751069, dt: 0.017793, next write at time: 2.222222

2025-08-08 13:22:39.048 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 42, time: 0.768886, dt: 0.017818, next write at time: 2.222222

2025-08-08 13:22:39.065 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 43, time: 0.786726, dt: 0.017839, next write at time: 2.222222

2025-08-08 13:22:39.080 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 44, time: 0.804583, dt: 0.017857, next write at time: 2.222222

2025-08-08 13:22:39.095 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 45, time: 0.822456, dt: 0.017873, next write at time: 2.222222

2025-08-08 13:22:39.111 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 46, time: 0.840341, dt: 0.017886, next write at time: 2.222222

2025-08-08 13:22:39.128 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 47, time: 0.858238, dt: 0.017897, next write at time: 2.222222

2025-08-08 13:22:39.146 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 48, time: 0.876144, dt: 0.017907, next write at time: 2.222222

2025-08-08 13:22:39.173 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 49, time: 0.894060, dt: 0.017916, next write at time: 2.222222

2025-08-08 13:22:39.195 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 50, time: 0.911985, dt: 0.017925, next write at time: 2.222222

2025-08-08 13:22:39.215 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 51, time: 0.929919, dt: 0.017934, next write at time: 2.222222

2025-08-08 13:22:39.240 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 52, time: 0.947864, dt: 0.017944, next write at time: 2.222222

2025-08-08 13:22:39.264 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 53, time: 0.965820, dt: 0.017956, next write at time: 2.222222

2025-08-08 13:22:39.286 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 54, time: 0.983789, dt: 0.017969, next write at time: 2.222222

2025-08-08 13:22:39.304 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 55, time: 1.001773, dt: 0.017984, next write at time: 2.222222

2025-08-08 13:22:39.325 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 56, time: 1.019773, dt: 0.018001, next write at time: 2.222222

2025-08-08 13:22:39.344 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 57, time: 1.037793, dt: 0.018020, next write at time: 2.222222

2025-08-08 13:22:39.362 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 58, time: 1.055833, dt: 0.018040, next write at time: 2.222222

2025-08-08 13:22:39.382 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 59, time: 1.073897, dt: 0.018063, next write at time: 2.222222

2025-08-08 13:22:39.411 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 60, time: 1.091984, dt: 0.018088, next write at time: 2.222222

2025-08-08 13:22:39.439 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 61, time: 1.110098, dt: 0.018114, next write at time: 2.222222

2025-08-08 13:22:39.457 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 62, time: 1.128239, dt: 0.018141, next write at time: 2.222222

2025-08-08 13:22:39.475 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 63, time: 1.146408, dt: 0.018169, next write at time: 2.222222

2025-08-08 13:22:39.495 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 64, time: 1.164604, dt: 0.018197, next write at time: 2.222222

2025-08-08 13:22:39.517 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 65, time: 1.182817, dt: 0.018213, next write at time: 2.222222

2025-08-08 13:22:39.546 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 66, time: 1.200830, dt: 0.018013, next write at time: 2.222222

2025-08-08 13:22:39.575 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 67, time: 1.218659, dt: 0.017829, next write at time: 2.222222

2025-08-08 13:22:39.602 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 68, time: 1.236318, dt: 0.017660, next write at time: 2.222222

2025-08-08 13:22:39.628 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 69, time: 1.253824, dt: 0.017506, next write at time: 2.222222

2025-08-08 13:22:39.659 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 70, time: 1.271190, dt: 0.017366, next write at time: 2.222222

2025-08-08 13:22:39.682 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 71, time: 1.288430, dt: 0.017240, next write at time: 2.222222

2025-08-08 13:22:39.709 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 72, time: 1.305558, dt: 0.017127, next write at time: 2.222222

2025-08-08 13:22:39.730 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 73, time: 1.322579, dt: 0.017022, next write at time: 2.222222

2025-08-08 13:22:39.757 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 74, time: 1.339486, dt: 0.016907, next write at time: 2.222222

2025-08-08 13:22:39.784 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 75, time: 1.356289, dt: 0.016802, next write at time: 2.222222

2025-08-08 13:22:39.808 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 76, time: 1.372995, dt: 0.016707, next write at time: 2.222222

2025-08-08 13:22:39.826 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 77, time: 1.389615, dt: 0.016620, next write at time: 2.222222

2025-08-08 13:22:39.846 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 78, time: 1.406157, dt: 0.016541, next write at time: 2.222222

2025-08-08 13:22:39.867 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 79, time: 1.422627, dt: 0.016470, next write at time: 2.222222

2025-08-08 13:22:39.880 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 80, time: 1.439033, dt: 0.016406, next write at time: 2.222222

2025-08-08 13:22:39.897 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 81, time: 1.455380, dt: 0.016348, next write at time: 2.222222

2025-08-08 13:22:39.920 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 82, time: 1.471676, dt: 0.016295, next write at time: 2.222222

2025-08-08 13:22:39.938 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 83, time: 1.487911, dt: 0.016235, next write at time: 2.222222

2025-08-08 13:22:39.955 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 84, time: 1.504082, dt: 0.016172, next write at time: 2.222222

2025-08-08 13:22:39.978 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 85, time: 1.520195, dt: 0.016113, next write at time: 2.222222

2025-08-08 13:22:40.000 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 86, time: 1.536254, dt: 0.016059, next write at time: 2.222222

2025-08-08 13:22:40.019 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 87, time: 1.552262, dt: 0.016008, next write at time: 2.222222

2025-08-08 13:22:40.044 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 88, time: 1.568224, dt: 0.015962, next write at time: 2.222222

2025-08-08 13:22:40.066 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 89, time: 1.584144, dt: 0.015920, next write at time: 2.222222

2025-08-08 13:22:40.081 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 90, time: 1.600025, dt: 0.015881, next write at time: 2.222222

2025-08-08 13:22:40.097 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 91, time: 1.615870, dt: 0.015845, next write at time: 2.222222

2025-08-08 13:22:40.117 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 92, time: 1.631683, dt: 0.015812, next write at time: 2.222222

2025-08-08 13:22:40.131 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 93, time: 1.647457, dt: 0.015774, next write at time: 2.222222

2025-08-08 13:22:40.151 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 94, time: 1.663185, dt: 0.015728, next write at time: 2.222222

2025-08-08 13:22:40.175 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 95, time: 1.678870, dt: 0.015685, next write at time: 2.222222

2025-08-08 13:22:40.191 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 96, time: 1.694516, dt: 0.015645, next write at time: 2.222222

2025-08-08 13:22:40.204 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 97, time: 1.710124, dt: 0.015608, next write at time: 2.222222

2025-08-08 13:22:40.218 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 98, time: 1.725698, dt: 0.015574, next write at time: 2.222222

2025-08-08 13:22:40.232 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 99, time: 1.741241, dt: 0.015543, next write at time: 2.222222

2025-08-08 13:22:40.246 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 100, time: 1.756754, dt: 0.015513, next write at time: 2.222222

2025-08-08 13:22:40.264 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 101, time: 1.772241, dt: 0.015486, next write at time: 2.222222

2025-08-08 13:22:40.282 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 102, time: 1.787702, dt: 0.015462, next write at time: 2.222222

2025-08-08 13:22:40.297 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 103, time: 1.803135, dt: 0.015433, next write at time: 2.222222

2025-08-08 13:22:40.312 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 104, time: 1.818532, dt: 0.015397, next write at time: 2.222222

2025-08-08 13:22:40.328 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 105, time: 1.833895, dt: 0.015363, next write at time: 2.222222

2025-08-08 13:22:40.345 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 106, time: 1.849227, dt: 0.015333, next write at time: 2.222222

2025-08-08 13:22:40.362 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 107, time: 1.864532, dt: 0.015305, next write at time: 2.222222

2025-08-08 13:22:40.380 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 108, time: 1.879811, dt: 0.015279, next write at time: 2.222222

2025-08-08 13:22:40.398 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 109, time: 1.895066, dt: 0.015255, next write at time: 2.222222

2025-08-08 13:22:40.418 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 110, time: 1.910300, dt: 0.015234, next write at time: 2.222222

2025-08-08 13:22:40.437 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 111, time: 1.925515, dt: 0.015215, next write at time: 2.222222

2025-08-08 13:22:40.456 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 112, time: 1.940712, dt: 0.015197, next write at time: 2.222222

2025-08-08 13:22:40.478 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 113, time: 1.955885, dt: 0.015173, next write at time: 2.222222

2025-08-08 13:22:40.498 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 114, time: 1.971032, dt: 0.015147, next write at time: 2.222222

2025-08-08 13:22:40.515 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 115, time: 1.986156, dt: 0.015124, next write at time: 2.222222

2025-08-08 13:22:40.536 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 116, time: 2.001260, dt: 0.015103, next write at time: 2.222222

2025-08-08 13:22:40.554 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 117, time: 2.016345, dt: 0.015085, next write at time: 2.222222

2025-08-08 13:22:40.580 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 118, time: 2.031412, dt: 0.015068, next write at time: 2.222222

2025-08-08 13:22:40.602 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 119, time: 2.046465, dt: 0.015053, next write at time: 2.222222

2025-08-08 13:22:40.624 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 120, time: 2.061505, dt: 0.015040, next write at time: 2.222222

2025-08-08 13:22:40.641 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 121, time: 2.076533, dt: 0.015028, next write at time: 2.222222

2025-08-08 13:22:40.657 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 122, time: 2.091551, dt: 0.015018, next write at time: 2.222222

2025-08-08 13:22:40.674 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 123, time: 2.106551, dt: 0.015000, next write at time: 2.222222

2025-08-08 13:22:40.688 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 124, time: 2.121537, dt: 0.014985, next write at time: 2.222222

2025-08-08 13:22:40.713 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 125, time: 2.136508, dt: 0.014972, next write at time: 2.222222

2025-08-08 13:22:40.738 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 126, time: 2.151469, dt: 0.014960, next write at time: 2.222222

2025-08-08 13:22:40.754 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 127, time: 2.166419, dt: 0.014950, next write at time: 2.222222

2025-08-08 13:22:40.769 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 128, time: 2.181361, dt: 0.014942, next write at time: 2.222222

2025-08-08 13:22:40.784 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 129, time: 2.196296, dt: 0.014935, next write at time: 2.222222

2025-08-08 13:22:40.800 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 130, time: 2.211226, dt: 0.014929, next write at time: 2.222222

2025-08-08 13:22:40.817 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 131, time: 2.226151, dt: 0.014925, next write at time: 2.222222

2025-08-08 13:22:40.835 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 132, time: 2.241069, dt: 0.014918, next write at time: 4.444444

2025-08-08 13:22:40.862 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 133, time: 2.255979, dt: 0.014910, next write at time: 4.444444

2025-08-08 13:22:40.888 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 134, time: 2.270883, dt: 0.014904, next write at time: 4.444444

2025-08-08 13:22:40.909 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 135, time: 2.285781, dt: 0.014899, next write at time: 4.444444

2025-08-08 13:22:40.923 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 136, time: 2.300676, dt: 0.014895, next write at time: 4.444444

2025-08-08 13:22:40.937 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 137, time: 2.315568, dt: 0.014892, next write at time: 4.444444

2025-08-08 13:22:40.957 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 138, time: 2.330458, dt: 0.014890, next write at time: 4.444444

2025-08-08 13:22:40.972 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 139, time: 2.345348, dt: 0.014890, next write at time: 4.444444

2025-08-08 13:22:40.987 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 140, time: 2.360238, dt: 0.014890, next write at time: 4.444444

2025-08-08 13:22:41.007 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 141, time: 2.375128, dt: 0.014890, next write at time: 4.444444

2025-08-08 13:22:41.027 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 142, time: 2.390017, dt: 0.014888, next write at time: 4.444444

2025-08-08 13:22:41.048 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 143, time: 2.404904, dt: 0.014887, next write at time: 4.444444

2025-08-08 13:22:41.072 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 144, time: 2.419791, dt: 0.014887, next write at time: 4.444444

2025-08-08 13:22:41.100 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 145, time: 2.434679, dt: 0.014888, next write at time: 4.444444

2025-08-08 13:22:41.120 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 146, time: 2.449569, dt: 0.014890, next write at time: 4.444444

2025-08-08 13:22:41.136 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 147, time: 2.464462, dt: 0.014893, next write at time: 4.444444

2025-08-08 13:22:41.160 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 148, time: 2.479359, dt: 0.014896, next write at time: 4.444444

2025-08-08 13:22:41.194 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 149, time: 2.494259, dt: 0.014900, next write at time: 4.444444

2025-08-08 13:22:41.228 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 150, time: 2.509163, dt: 0.014903, next write at time: 4.444444

2025-08-08 13:22:41.256 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 151, time: 2.524069, dt: 0.014906, next write at time: 4.444444

2025-08-08 13:22:41.282 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 152, time: 2.538978, dt: 0.014909, next write at time: 4.444444

2025-08-08 13:22:41.307 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 153, time: 2.553892, dt: 0.014914, next write at time: 4.444444

2025-08-08 13:22:41.328 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 154, time: 2.568810, dt: 0.014918, next write at time: 4.444444

2025-08-08 13:22:41.348 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 155, time: 2.583733, dt: 0.014924, next write at time: 4.444444

2025-08-08 13:22:41.363 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 156, time: 2.598663, dt: 0.014930, next write at time: 4.444444

2025-08-08 13:22:41.378 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 157, time: 2.613599, dt: 0.014936, next write at time: 4.444444

2025-08-08 13:22:41.395 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 158, time: 2.628541, dt: 0.014942, next write at time: 4.444444

2025-08-08 13:22:41.417 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 159, time: 2.643488, dt: 0.014947, next write at time: 4.444444

2025-08-08 13:22:41.443 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 160, time: 2.658440, dt: 0.014953, next write at time: 4.444444

2025-08-08 13:22:41.462 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 161, time: 2.673399, dt: 0.014959, next write at time: 4.444444

2025-08-08 13:22:41.480 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 162, time: 2.688366, dt: 0.014966, next write at time: 4.444444

2025-08-08 13:22:41.503 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 163, time: 2.703339, dt: 0.014973, next write at time: 4.444444

2025-08-08 13:22:41.526 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 164, time: 2.718320, dt: 0.014981, next write at time: 4.444444

2025-08-08 13:22:41.555 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 165, time: 2.733309, dt: 0.014989, next write at time: 4.444444

2025-08-08 13:22:41.591 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 166, time: 2.748304, dt: 0.014995, next write at time: 4.444444

2025-08-08 13:22:41.621 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 167, time: 2.763306, dt: 0.015003, next write at time: 4.444444

2025-08-08 13:22:41.646 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 168, time: 2.778317, dt: 0.015010, next write at time: 4.444444

2025-08-08 13:22:41.680 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 169, time: 2.793335, dt: 0.015018, next write at time: 4.444444

2025-08-08 13:22:41.703 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 170, time: 2.808361, dt: 0.015026, next write at time: 4.444444

2025-08-08 13:22:41.729 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 171, time: 2.823396, dt: 0.015035, next write at time: 4.444444

2025-08-08 13:22:41.761 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 172, time: 2.838438, dt: 0.015043, next write at time: 4.444444

2025-08-08 13:22:41.790 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 173, time: 2.853489, dt: 0.015050, next write at time: 4.444444

2025-08-08 13:22:41.806 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 174, time: 2.868547, dt: 0.015058, next write at time: 4.444444

2025-08-08 13:22:41.821 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 175, time: 2.883614, dt: 0.015067, next write at time: 4.444444

2025-08-08 13:22:41.837 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 176, time: 2.898689, dt: 0.015075, next write at time: 4.444444

2025-08-08 13:22:41.851 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 177, time: 2.913773, dt: 0.015084, next write at time: 4.444444

2025-08-08 13:22:41.873 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 178, time: 2.928864, dt: 0.015092, next write at time: 4.444444

2025-08-08 13:22:41.894 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 179, time: 2.943964, dt: 0.015100, next write at time: 4.444444

2025-08-08 13:22:41.908 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 180, time: 2.959072, dt: 0.015108, next write at time: 4.444444

2025-08-08 13:22:41.923 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 181, time: 2.974189, dt: 0.015116, next write at time: 4.444444

2025-08-08 13:22:41.936 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 182, time: 2.989314, dt: 0.015125, next write at time: 4.444444

2025-08-08 13:22:41.956 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 183, time: 3.004447, dt: 0.015133, next write at time: 4.444444

2025-08-08 13:22:41.982 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 184, time: 3.019588, dt: 0.015141, next write at time: 4.444444

2025-08-08 13:22:42.002 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 185, time: 3.034736, dt: 0.015149, next write at time: 4.444444

2025-08-08 13:22:42.028 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 186, time: 3.049894, dt: 0.015157, next write at time: 4.444444

2025-08-08 13:22:42.046 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 187, time: 3.065059, dt: 0.015165, next write at time: 4.444444

2025-08-08 13:22:42.060 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 188, time: 3.080232, dt: 0.015173, next write at time: 4.444444

2025-08-08 13:22:42.073 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 189, time: 3.095413, dt: 0.015181, next write at time: 4.444444

2025-08-08 13:22:42.086 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 190, time: 3.110601, dt: 0.015188, next write at time: 4.444444

2025-08-08 13:22:42.101 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 191, time: 3.125797, dt: 0.015196, next write at time: 4.444444

2025-08-08 13:22:42.119 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 192, time: 3.141002, dt: 0.015204, next write at time: 4.444444

2025-08-08 13:22:42.142 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 193, time: 3.156213, dt: 0.015211, next write at time: 4.444444

2025-08-08 13:22:42.175 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 194, time: 3.171431, dt: 0.015218, next write at time: 4.444444

2025-08-08 13:22:42.197 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 195, time: 3.186657, dt: 0.015226, next write at time: 4.444444

2025-08-08 13:22:42.212 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 196, time: 3.201891, dt: 0.015233, next write at time: 4.444444

2025-08-08 13:22:42.226 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 197, time: 3.217131, dt: 0.015240, next write at time: 4.444444

2025-08-08 13:22:42.240 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 198, time: 3.232377, dt: 0.015247, next write at time: 4.444444

2025-08-08 13:22:42.257 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 199, time: 3.247631, dt: 0.015254, next write at time: 4.444444

2025-08-08 13:22:42.272 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 200, time: 3.262892, dt: 0.015261, next write at time: 4.444444

2025-08-08 13:22:42.288 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 201, time: 3.278159, dt: 0.015267, next write at time: 4.444444

2025-08-08 13:22:42.303 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 202, time: 3.293432, dt: 0.015274, next write at time: 4.444444

2025-08-08 13:22:42.319 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 203, time: 3.308712, dt: 0.015280, next write at time: 4.444444

2025-08-08 13:22:42.335 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 204, time: 3.323998, dt: 0.015286, next write at time: 4.444444

2025-08-08 13:22:42.351 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 205, time: 3.339290, dt: 0.015292, next write at time: 4.444444

2025-08-08 13:22:42.367 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 206, time: 3.354587, dt: 0.015298, next write at time: 4.444444

2025-08-08 13:22:42.386 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 207, time: 3.369891, dt: 0.015303, next write at time: 4.444444

2025-08-08 13:22:42.411 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 208, time: 3.385200, dt: 0.015309, next write at time: 4.444444

2025-08-08 13:22:42.434 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 209, time: 3.400515, dt: 0.015315, next write at time: 4.444444

2025-08-08 13:22:42.454 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 210, time: 3.415836, dt: 0.015321, next write at time: 4.444444

2025-08-08 13:22:42.469 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 211, time: 3.431162, dt: 0.015326, next write at time: 4.444444

2025-08-08 13:22:42.487 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 212, time: 3.446492, dt: 0.015331, next write at time: 4.444444

2025-08-08 13:22:42.510 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 213, time: 3.461828, dt: 0.015336, next write at time: 4.444444

2025-08-08 13:22:42.536 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 214, time: 3.477169, dt: 0.015341, next write at time: 4.444444

2025-08-08 13:22:42.561 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 215, time: 3.492515, dt: 0.015346, next write at time: 4.444444

2025-08-08 13:22:42.588 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 216, time: 3.507866, dt: 0.015351, next write at time: 4.444444

2025-08-08 13:22:42.613 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 217, time: 3.523223, dt: 0.015357, next write at time: 4.444444

2025-08-08 13:22:42.638 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 218, time: 3.538585, dt: 0.015362, next write at time: 4.444444

2025-08-08 13:22:42.662 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 219, time: 3.553953, dt: 0.015368, next write at time: 4.444444

2025-08-08 13:22:42.691 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 220, time: 3.569326, dt: 0.015373, next write at time: 4.444444

2025-08-08 13:22:42.724 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 221, time: 3.584704, dt: 0.015378, next write at time: 4.444444

2025-08-08 13:22:42.756 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 222, time: 3.600087, dt: 0.015383, next write at time: 4.444444

2025-08-08 13:22:42.799 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 223, time: 3.615476, dt: 0.015388, next write at time: 4.444444

2025-08-08 13:22:42.835 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 224, time: 3.630869, dt: 0.015393, next write at time: 4.444444

2025-08-08 13:22:42.862 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 225, time: 3.646267, dt: 0.015398, next write at time: 4.444444

2025-08-08 13:22:42.895 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 226, time: 3.661669, dt: 0.015402, next write at time: 4.444444

2025-08-08 13:22:42.924 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 227, time: 3.677076, dt: 0.015407, next write at time: 4.444444

2025-08-08 13:22:42.956 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 228, time: 3.692487, dt: 0.015411, next write at time: 4.444444

2025-08-08 13:22:42.983 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 229, time: 3.707902, dt: 0.015415, next write at time: 4.444444

2025-08-08 13:22:43.009 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 230, time: 3.723322, dt: 0.015419, next write at time: 4.444444

2025-08-08 13:22:43.035 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 231, time: 3.738744, dt: 0.015423, next write at time: 4.444444

2025-08-08 13:22:43.058 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 232, time: 3.754171, dt: 0.015426, next write at time: 4.444444

2025-08-08 13:22:43.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 233, time: 3.769601, dt: 0.015430, next write at time: 4.444444

2025-08-08 13:22:43.111 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 234, time: 3.785034, dt: 0.015433, next write at time: 4.444444

2025-08-08 13:22:43.134 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 235, time: 3.800470, dt: 0.015436, next write at time: 4.444444

2025-08-08 13:22:43.158 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 236, time: 3.815909, dt: 0.015439, next write at time: 4.444444

2025-08-08 13:22:43.185 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 237, time: 3.831351, dt: 0.015442, next write at time: 4.444444

2025-08-08 13:22:43.225 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 238, time: 3.846795, dt: 0.015444, next write at time: 4.444444

2025-08-08 13:22:43.251 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 239, time: 3.862242, dt: 0.015447, next write at time: 4.444444

2025-08-08 13:22:43.274 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 240, time: 3.877691, dt: 0.015449, next write at time: 4.444444

2025-08-08 13:22:43.300 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 241, time: 3.893143, dt: 0.015451, next write at time: 4.444444

2025-08-08 13:22:43.325 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 242, time: 3.908596, dt: 0.015453, next write at time: 4.444444

2025-08-08 13:22:43.350 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 243, time: 3.924051, dt: 0.015455, next write at time: 4.444444

2025-08-08 13:22:43.374 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 244, time: 3.939508, dt: 0.015457, next write at time: 4.444444

2025-08-08 13:22:43.401 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 245, time: 3.954966, dt: 0.015458, next write at time: 4.444444

2025-08-08 13:22:43.427 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 246, time: 3.970425, dt: 0.015459, next write at time: 4.444444

2025-08-08 13:22:43.448 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 247, time: 3.985886, dt: 0.015460, next write at time: 4.444444

2025-08-08 13:22:43.472 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 248, time: 4.001347, dt: 0.015461, next write at time: 4.444444

2025-08-08 13:22:43.495 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 249, time: 4.016809, dt: 0.015462, next write at time: 4.444444

2025-08-08 13:22:43.520 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 250, time: 4.032272, dt: 0.015463, next write at time: 4.444444

2025-08-08 13:22:43.544 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 251, time: 4.047736, dt: 0.015464, next write at time: 4.444444

2025-08-08 13:22:43.568 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 252, time: 4.063201, dt: 0.015465, next write at time: 4.444444

2025-08-08 13:22:43.591 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 253, time: 4.078666, dt: 0.015465, next write at time: 4.444444

2025-08-08 13:22:43.618 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 254, time: 4.094132, dt: 0.015466, next write at time: 4.444444

2025-08-08 13:22:43.643 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 255, time: 4.109599, dt: 0.015467, next write at time: 4.444444

2025-08-08 13:22:43.668 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 256, time: 4.125067, dt: 0.015468, next write at time: 4.444444

2025-08-08 13:22:43.694 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 257, time: 4.140535, dt: 0.015468, next write at time: 4.444444

2025-08-08 13:22:43.717 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 258, time: 4.156004, dt: 0.015469, next write at time: 4.444444

2025-08-08 13:22:43.740 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 259, time: 4.171474, dt: 0.015470, next write at time: 4.444444

2025-08-08 13:22:43.774 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 260, time: 4.186945, dt: 0.015470, next write at time: 4.444444

2025-08-08 13:22:43.797 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 261, time: 4.202416, dt: 0.015471, next write at time: 4.444444

2025-08-08 13:22:43.823 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 262, time: 4.217887, dt: 0.015472, next write at time: 4.444444

2025-08-08 13:22:43.846 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 263, time: 4.233360, dt: 0.015472, next write at time: 4.444444

2025-08-08 13:22:43.868 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 264, time: 4.248833, dt: 0.015473, next write at time: 4.444444

2025-08-08 13:22:43.890 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 265, time: 4.264307, dt: 0.015474, next write at time: 4.444444

2025-08-08 13:22:43.913 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 266, time: 4.279781, dt: 0.015474, next write at time: 4.444444

2025-08-08 13:22:43.937 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 267, time: 4.295256, dt: 0.015475, next write at time: 4.444444

2025-08-08 13:22:43.961 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 268, time: 4.310732, dt: 0.015476, next write at time: 4.444444

2025-08-08 13:22:43.985 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 269, time: 4.326208, dt: 0.015476, next write at time: 4.444444

2025-08-08 13:22:44.011 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 270, time: 4.341685, dt: 0.015477, next write at time: 4.444444

2025-08-08 13:22:44.036 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 271, time: 4.357163, dt: 0.015478, next write at time: 4.444444

2025-08-08 13:22:44.064 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 272, time: 4.372641, dt: 0.015478, next write at time: 4.444444

2025-08-08 13:22:44.102 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 273, time: 4.388120, dt: 0.015479, next write at time: 4.444444

2025-08-08 13:22:44.134 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 274, time: 4.403600, dt: 0.015480, next write at time: 4.444444

2025-08-08 13:22:44.165 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 275, time: 4.419080, dt: 0.015480, next write at time: 4.444444

2025-08-08 13:22:44.208 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 276, time: 4.434561, dt: 0.015481, next write at time: 4.444444

2025-08-08 13:22:44.236 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 277, time: 4.450043, dt: 0.015482, next write at time: 4.444444

2025-08-08 13:22:44.263 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 278, time: 4.465525, dt: 0.015482, next write at time: 6.666667

2025-08-08 13:22:44.289 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 279, time: 4.481007, dt: 0.015483, next write at time: 6.666667

2025-08-08 13:22:44.316 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 280, time: 4.496491, dt: 0.015483, next write at time: 6.666667

2025-08-08 13:22:44.346 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 281, time: 4.511975, dt: 0.015484, next write at time: 6.666667

2025-08-08 13:22:44.374 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 282, time: 4.527459, dt: 0.015485, next write at time: 6.666667

2025-08-08 13:22:44.400 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 283, time: 4.542945, dt: 0.015485, next write at time: 6.666667

2025-08-08 13:22:44.426 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 284, time: 4.558431, dt: 0.015486, next write at time: 6.666667

2025-08-08 13:22:44.452 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 285, time: 4.573918, dt: 0.015487, next write at time: 6.666667

2025-08-08 13:22:44.473 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 286, time: 4.589405, dt: 0.015488, next write at time: 6.666667

2025-08-08 13:22:44.499 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 287, time: 4.604894, dt: 0.015488, next write at time: 6.666667

2025-08-08 13:22:44.519 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 288, time: 4.620383, dt: 0.015489, next write at time: 6.666667

2025-08-08 13:22:44.534 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 289, time: 4.635873, dt: 0.015490, next write at time: 6.666667

2025-08-08 13:22:44.549 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 290, time: 4.651364, dt: 0.015491, next write at time: 6.666667

2025-08-08 13:22:44.564 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 291, time: 4.666855, dt: 0.015492, next write at time: 6.666667

2025-08-08 13:22:44.580 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 292, time: 4.682348, dt: 0.015493, next write at time: 6.666667

2025-08-08 13:22:44.595 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 293, time: 4.697842, dt: 0.015494, next write at time: 6.666667

2025-08-08 13:22:44.611 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 294, time: 4.713336, dt: 0.015495, next write at time: 6.666667

2025-08-08 13:22:44.629 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 295, time: 4.728832, dt: 0.015496, next write at time: 6.666667

2025-08-08 13:22:44.652 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 296, time: 4.744329, dt: 0.015497, next write at time: 6.666667

2025-08-08 13:22:44.676 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 297, time: 4.759826, dt: 0.015498, next write at time: 6.666667

2025-08-08 13:22:44.698 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 298, time: 4.775325, dt: 0.015499, next write at time: 6.666667

2025-08-08 13:22:44.721 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 299, time: 4.790825, dt: 0.015500, next write at time: 6.666667

2025-08-08 13:22:44.757 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 300, time: 4.806326, dt: 0.015501, next write at time: 6.666667

2025-08-08 13:22:44.781 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 301, time: 4.821828, dt: 0.015502, next write at time: 6.666667

2025-08-08 13:22:44.804 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 302, time: 4.837331, dt: 0.015503, next write at time: 6.666667

2025-08-08 13:22:44.828 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 303, time: 4.852835, dt: 0.015504, next write at time: 6.666667

2025-08-08 13:22:44.850 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 304, time: 4.868341, dt: 0.015506, next write at time: 6.666667

2025-08-08 13:22:44.872 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 305, time: 4.883848, dt: 0.015507, next write at time: 6.666667

2025-08-08 13:22:44.894 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 306, time: 4.899355, dt: 0.015508, next write at time: 6.666667

2025-08-08 13:22:44.917 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 307, time: 4.914865, dt: 0.015509, next write at time: 6.666667

2025-08-08 13:22:44.943 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 308, time: 4.930375, dt: 0.015510, next write at time: 6.666667

2025-08-08 13:22:44.965 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 309, time: 4.945886, dt: 0.015512, next write at time: 6.666667

2025-08-08 13:22:44.987 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 310, time: 4.961399, dt: 0.015513, next write at time: 6.666667

2025-08-08 13:22:45.005 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 311, time: 4.976913, dt: 0.015514, next write at time: 6.666667

2025-08-08 13:22:45.020 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 312, time: 4.992428, dt: 0.015515, next write at time: 6.666667

2025-08-08 13:22:45.037 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 313, time: 5.007945, dt: 0.015516, next write at time: 6.666667

2025-08-08 13:22:45.052 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 314, time: 5.023463, dt: 0.015518, next write at time: 6.666667

2025-08-08 13:22:45.068 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 315, time: 5.038982, dt: 0.015519, next write at time: 6.666667

2025-08-08 13:22:45.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 316, time: 5.054502, dt: 0.015520, next write at time: 6.666667

2025-08-08 13:22:45.101 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 317, time: 5.070023, dt: 0.015521, next write at time: 6.666667

2025-08-08 13:22:45.118 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 318, time: 5.085546, dt: 0.015523, next write at time: 6.666667

2025-08-08 13:22:45.135 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 319, time: 5.101070, dt: 0.015524, next write at time: 6.666667

2025-08-08 13:22:45.151 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 320, time: 5.116595, dt: 0.015525, next write at time: 6.666667

2025-08-08 13:22:45.168 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 321, time: 5.132121, dt: 0.015526, next write at time: 6.666667

2025-08-08 13:22:45.186 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 322, time: 5.147649, dt: 0.015528, next write at time: 6.666667

2025-08-08 13:22:45.206 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 323, time: 5.163178, dt: 0.015529, next write at time: 6.666667

2025-08-08 13:22:45.226 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 324, time: 5.178708, dt: 0.015530, next write at time: 6.666667

2025-08-08 13:22:45.248 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 325, time: 5.194239, dt: 0.015531, next write at time: 6.666667

2025-08-08 13:22:45.271 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 326, time: 5.209771, dt: 0.015532, next write at time: 6.666667

2025-08-08 13:22:45.298 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 327, time: 5.225304, dt: 0.015533, next write at time: 6.666667

2025-08-08 13:22:45.333 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 328, time: 5.240839, dt: 0.015535, next write at time: 6.666667

2025-08-08 13:22:45.365 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 329, time: 5.256375, dt: 0.015536, next write at time: 6.666667

2025-08-08 13:22:45.393 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 330, time: 5.271912, dt: 0.015537, next write at time: 6.666667

2025-08-08 13:22:45.423 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 331, time: 5.287450, dt: 0.015538, next write at time: 6.666667

2025-08-08 13:22:45.450 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 332, time: 5.302989, dt: 0.015539, next write at time: 6.666667

2025-08-08 13:22:45.481 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 333, time: 5.318529, dt: 0.015540, next write at time: 6.666667

2025-08-08 13:22:45.509 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 334, time: 5.334070, dt: 0.015541, next write at time: 6.666667

2025-08-08 13:22:45.537 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 335, time: 5.349612, dt: 0.015542, next write at time: 6.666667

2025-08-08 13:22:45.565 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 336, time: 5.365155, dt: 0.015543, next write at time: 6.666667

2025-08-08 13:22:45.589 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 337, time: 5.380699, dt: 0.015544, next write at time: 6.666667

2025-08-08 13:22:45.614 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 338, time: 5.396244, dt: 0.015545, next write at time: 6.666667

2025-08-08 13:22:45.638 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 339, time: 5.411790, dt: 0.015546, next write at time: 6.666667

2025-08-08 13:22:45.662 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 340, time: 5.427337, dt: 0.015547, next write at time: 6.666667

2025-08-08 13:22:45.686 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 341, time: 5.442885, dt: 0.015548, next write at time: 6.666667

2025-08-08 13:22:45.711 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 342, time: 5.458434, dt: 0.015549, next write at time: 6.666667

2025-08-08 13:22:45.736 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 343, time: 5.473984, dt: 0.015550, next write at time: 6.666667

2025-08-08 13:22:45.766 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 344, time: 5.489535, dt: 0.015551, next write at time: 6.666667

2025-08-08 13:22:45.796 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 345, time: 5.505086, dt: 0.015551, next write at time: 6.666667

2025-08-08 13:22:45.825 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 346, time: 5.520638, dt: 0.015552, next write at time: 6.666667

2025-08-08 13:22:45.853 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 347, time: 5.536191, dt: 0.015553, next write at time: 6.666667

2025-08-08 13:22:45.879 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 348, time: 5.551745, dt: 0.015554, next write at time: 6.666667

2025-08-08 13:22:45.904 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 349, time: 5.567299, dt: 0.015555, next write at time: 6.666667

2025-08-08 13:22:45.932 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 350, time: 5.582855, dt: 0.015555, next write at time: 6.666667

2025-08-08 13:22:45.951 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 351, time: 5.598411, dt: 0.015556, next write at time: 6.666667

2025-08-08 13:22:45.971 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 352, time: 5.613967, dt: 0.015557, next write at time: 6.666667

2025-08-08 13:22:45.995 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 353, time: 5.629525, dt: 0.015557, next write at time: 6.666667

2025-08-08 13:22:46.018 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 354, time: 5.645083, dt: 0.015558, next write at time: 6.666667

2025-08-08 13:22:46.042 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 355, time: 5.660641, dt: 0.015559, next write at time: 6.666667

2025-08-08 13:22:46.066 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 356, time: 5.676200, dt: 0.015559, next write at time: 6.666667

2025-08-08 13:22:46.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 357, time: 5.691760, dt: 0.015560, next write at time: 6.666667

2025-08-08 13:22:46.101 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 358, time: 5.707321, dt: 0.015560, next write at time: 6.666667

2025-08-08 13:22:46.115 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 359, time: 5.722882, dt: 0.015561, next write at time: 6.666667

2025-08-08 13:22:46.131 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 360, time: 5.738443, dt: 0.015562, next write at time: 6.666667

2025-08-08 13:22:46.147 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 361, time: 5.754005, dt: 0.015562, next write at time: 6.666667

2025-08-08 13:22:46.162 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 362, time: 5.769568, dt: 0.015563, next write at time: 6.666667

2025-08-08 13:22:46.177 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 363, time: 5.785131, dt: 0.015563, next write at time: 6.666667

2025-08-08 13:22:46.192 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 364, time: 5.800694, dt: 0.015564, next write at time: 6.666667

2025-08-08 13:22:46.211 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 365, time: 5.816258, dt: 0.015564, next write at time: 6.666667

2025-08-08 13:22:46.229 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 366, time: 5.831823, dt: 0.015564, next write at time: 6.666667

2025-08-08 13:22:46.245 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 367, time: 5.847387, dt: 0.015565, next write at time: 6.666667

2025-08-08 13:22:46.262 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 368, time: 5.862953, dt: 0.015565, next write at time: 6.666667

2025-08-08 13:22:46.278 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 369, time: 5.878518, dt: 0.015566, next write at time: 6.666667

2025-08-08 13:22:46.294 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 370, time: 5.894084, dt: 0.015566, next write at time: 6.666667

2025-08-08 13:22:46.310 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 371, time: 5.909651, dt: 0.015566, next write at time: 6.666667

2025-08-08 13:22:46.327 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 372, time: 5.925218, dt: 0.015567, next write at time: 6.666667

2025-08-08 13:22:46.344 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 373, time: 5.940785, dt: 0.015567, next write at time: 6.666667

2025-08-08 13:22:46.359 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 374, time: 5.956352, dt: 0.015568, next write at time: 6.666667

2025-08-08 13:22:46.377 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 375, time: 5.971920, dt: 0.015568, next write at time: 6.666667

2025-08-08 13:22:46.399 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 376, time: 5.987488, dt: 0.015568, next write at time: 6.666667

2025-08-08 13:22:46.421 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 377, time: 6.003057, dt: 0.015568, next write at time: 6.666667

2025-08-08 13:22:46.478 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 378, time: 6.018626, dt: 0.015569, next write at time: 6.666667

2025-08-08 13:22:46.499 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 379, time: 6.034195, dt: 0.015569, next write at time: 6.666667

2025-08-08 13:22:46.519 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 380, time: 6.049764, dt: 0.015569, next write at time: 6.666667

2025-08-08 13:22:46.541 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 381, time: 6.065334, dt: 0.015570, next write at time: 6.666667

2025-08-08 13:22:46.560 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 382, time: 6.080904, dt: 0.015570, next write at time: 6.666667

2025-08-08 13:22:46.578 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 383, time: 6.096474, dt: 0.015570, next write at time: 6.666667

2025-08-08 13:22:46.595 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 384, time: 6.112044, dt: 0.015570, next write at time: 6.666667

2025-08-08 13:22:46.612 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 385, time: 6.127615, dt: 0.015571, next write at time: 6.666667

2025-08-08 13:22:46.628 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 386, time: 6.143186, dt: 0.015571, next write at time: 6.666667

2025-08-08 13:22:46.645 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 387, time: 6.158757, dt: 0.015571, next write at time: 6.666667

2025-08-08 13:22:46.662 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 388, time: 6.174329, dt: 0.015571, next write at time: 6.666667

2025-08-08 13:22:46.683 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 389, time: 6.189900, dt: 0.015572, next write at time: 6.666667

2025-08-08 13:22:46.704 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 390, time: 6.205472, dt: 0.015572, next write at time: 6.666667

2025-08-08 13:22:46.724 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 391, time: 6.221044, dt: 0.015572, next write at time: 6.666667

2025-08-08 13:22:46.745 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 392, time: 6.236617, dt: 0.015572, next write at time: 6.666667

2025-08-08 13:22:46.764 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 393, time: 6.252189, dt: 0.015573, next write at time: 6.666667

2025-08-08 13:22:46.780 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 394, time: 6.267762, dt: 0.015573, next write at time: 6.666667

2025-08-08 13:22:46.796 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 395, time: 6.283335, dt: 0.015573, next write at time: 6.666667

2025-08-08 13:22:46.813 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 396, time: 6.298908, dt: 0.015573, next write at time: 6.666667

2025-08-08 13:22:46.834 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 397, time: 6.314481, dt: 0.015573, next write at time: 6.666667

2025-08-08 13:22:46.863 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 398, time: 6.330055, dt: 0.015574, next write at time: 6.666667

2025-08-08 13:22:46.890 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 399, time: 6.345629, dt: 0.015574, next write at time: 6.666667

2025-08-08 13:22:46.916 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 400, time: 6.361203, dt: 0.015574, next write at time: 6.666667

2025-08-08 13:22:46.941 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 401, time: 6.376777, dt: 0.015574, next write at time: 6.666667

2025-08-08 13:22:46.967 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 402, time: 6.392351, dt: 0.015574, next write at time: 6.666667

2025-08-08 13:22:46.990 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 403, time: 6.407926, dt: 0.015575, next write at time: 6.666667

2025-08-08 13:22:47.014 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 404, time: 6.423501, dt: 0.015575, next write at time: 6.666667

2025-08-08 13:22:47.038 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 405, time: 6.439076, dt: 0.015575, next write at time: 6.666667

2025-08-08 13:22:47.061 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 406, time: 6.454651, dt: 0.015575, next write at time: 6.666667

2025-08-08 13:22:47.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 407, time: 6.470227, dt: 0.015575, next write at time: 6.666667

2025-08-08 13:22:47.112 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 408, time: 6.485802, dt: 0.015576, next write at time: 6.666667

2025-08-08 13:22:47.140 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 409, time: 6.501378, dt: 0.015576, next write at time: 6.666667

2025-08-08 13:22:47.165 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 410, time: 6.516954, dt: 0.015576, next write at time: 6.666667

2025-08-08 13:22:47.190 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 411, time: 6.532530, dt: 0.015576, next write at time: 6.666667

2025-08-08 13:22:47.215 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 412, time: 6.548106, dt: 0.015576, next write at time: 6.666667

2025-08-08 13:22:47.240 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 413, time: 6.563683, dt: 0.015577, next write at time: 6.666667

2025-08-08 13:22:47.266 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 414, time: 6.579260, dt: 0.015577, next write at time: 6.666667

2025-08-08 13:22:47.291 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 415, time: 6.594837, dt: 0.015577, next write at time: 6.666667

2025-08-08 13:22:47.315 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 416, time: 6.610414, dt: 0.015577, next write at time: 6.666667

2025-08-08 13:22:47.340 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 417, time: 6.625991, dt: 0.015577, next write at time: 6.666667

2025-08-08 13:22:47.364 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 418, time: 6.641569, dt: 0.015578, next write at time: 6.666667

2025-08-08 13:22:47.388 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 419, time: 6.657147, dt: 0.015578, next write at time: 6.666667

2025-08-08 13:22:47.416 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 420, time: 6.672725, dt: 0.015578, next write at time: 6.666667

2025-08-08 13:22:47.452 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 421, time: 6.688303, dt: 0.015578, next write at time: 8.888889

2025-08-08 13:22:47.477 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 422, time: 6.703881, dt: 0.015578, next write at time: 8.888889

2025-08-08 13:22:47.501 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 423, time: 6.719460, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.529 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 424, time: 6.735038, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.561 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 425, time: 6.750617, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.595 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 426, time: 6.766196, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.628 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 427, time: 6.781776, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.690 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 428, time: 6.797355, dt: 0.015579, next write at time: 8.888889

2025-08-08 13:22:47.717 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 429, time: 6.812935, dt: 0.015580, next write at time: 8.888889

2025-08-08 13:22:47.746 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 430, time: 6.828515, dt: 0.015580, next write at time: 8.888889

2025-08-08 13:22:47.774 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 431, time: 6.844095, dt: 0.015580, next write at time: 8.888889

2025-08-08 13:22:47.800 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 432, time: 6.859675, dt: 0.015580, next write at time: 8.888889

2025-08-08 13:22:47.827 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 433, time: 6.875255, dt: 0.015580, next write at time: 8.888889

2025-08-08 13:22:47.855 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 434, time: 6.890836, dt: 0.015581, next write at time: 8.888889

2025-08-08 13:22:47.880 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 435, time: 6.906417, dt: 0.015581, next write at time: 8.888889

2025-08-08 13:22:47.905 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 436, time: 6.921998, dt: 0.015581, next write at time: 8.888889

2025-08-08 13:22:47.930 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 437, time: 6.937579, dt: 0.015581, next write at time: 8.888889

2025-08-08 13:22:47.958 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 438, time: 6.953160, dt: 0.015581, next write at time: 8.888889

2025-08-08 13:22:47.985 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 439, time: 6.968742, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.011 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 440, time: 6.984323, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.035 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 441, time: 6.999905, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.059 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 442, time: 7.015487, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 443, time: 7.031069, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.111 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 444, time: 7.046652, dt: 0.015582, next write at time: 8.888889

2025-08-08 13:22:48.135 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 445, time: 7.062234, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.161 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 446, time: 7.077817, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.192 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 447, time: 7.093400, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.219 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 448, time: 7.108983, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.246 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 449, time: 7.124566, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.272 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 450, time: 7.140150, dt: 0.015583, next write at time: 8.888889

2025-08-08 13:22:48.296 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 451, time: 7.155733, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.322 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 452, time: 7.171317, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.347 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 453, time: 7.186901, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.374 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 454, time: 7.202485, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.399 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 455, time: 7.218069, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.423 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 456, time: 7.233653, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.447 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 457, time: 7.249238, dt: 0.015584, next write at time: 8.888889

2025-08-08 13:22:48.471 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 458, time: 7.264822, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.495 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 459, time: 7.280407, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.519 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 460, time: 7.295992, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.544 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 461, time: 7.311577, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.568 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 462, time: 7.327162, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.593 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 463, time: 7.342747, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.617 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 464, time: 7.358332, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.644 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 465, time: 7.373918, dt: 0.015585, next write at time: 8.888889

2025-08-08 13:22:48.678 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 466, time: 7.389503, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.702 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 467, time: 7.405089, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 468, time: 7.420675, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.757 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 469, time: 7.436261, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.783 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 470, time: 7.451847, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.807 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 471, time: 7.467433, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.833 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 472, time: 7.483019, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.856 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 473, time: 7.498606, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.884 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 474, time: 7.514192, dt: 0.015586, next write at time: 8.888889

2025-08-08 13:22:48.920 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 475, time: 7.529779, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:48.959 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 476, time: 7.545366, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:48.996 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 477, time: 7.560952, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.028 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 478, time: 7.576539, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.055 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 479, time: 7.592126, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.082 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 480, time: 7.607713, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.107 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 481, time: 7.623300, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.134 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 482, time: 7.638888, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.162 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 483, time: 7.654475, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.194 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 484, time: 7.670062, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.221 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 485, time: 7.685650, dt: 0.015587, next write at time: 8.888889

2025-08-08 13:22:49.247 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 486, time: 7.701237, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.273 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 487, time: 7.716825, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.298 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 488, time: 7.732413, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.324 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 489, time: 7.748000, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.352 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 490, time: 7.763588, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.379 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 491, time: 7.779176, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.406 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 492, time: 7.794764, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.431 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 493, time: 7.810352, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.455 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 494, time: 7.825940, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.479 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 495, time: 7.841529, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.506 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 496, time: 7.857117, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.531 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 497, time: 7.872705, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.556 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 498, time: 7.888294, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.579 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 499, time: 7.903882, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.606 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 500, time: 7.919471, dt: 0.015588, next write at time: 8.888889

2025-08-08 13:22:49.643 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 501, time: 7.935059, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.673 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 502, time: 7.950648, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.699 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 503, time: 7.966236, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 504, time: 7.981825, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.754 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 505, time: 7.997414, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.779 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 506, time: 8.013003, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.802 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 507, time: 8.028592, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.826 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 508, time: 8.044180, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.850 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 509, time: 8.059769, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.875 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 510, time: 8.075358, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.902 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 511, time: 8.090948, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.927 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 512, time: 8.106537, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.950 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 513, time: 8.122126, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.974 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 514, time: 8.137715, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:49.999 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 515, time: 8.153304, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.022 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 516, time: 8.168894, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.047 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 517, time: 8.184483, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.078 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 518, time: 8.200072, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.110 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 519, time: 8.215662, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.144 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 520, time: 8.231251, dt: 0.015589, next write at time: 8.888889

2025-08-08 13:22:50.182 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 521, time: 8.246841, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.228 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 522, time: 8.262430, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.260 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 523, time: 8.278020, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.288 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 524, time: 8.293610, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.315 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 525, time: 8.309199, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.341 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 526, time: 8.324789, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.368 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 527, time: 8.340379, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.394 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 528, time: 8.355969, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.419 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 529, time: 8.371559, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.445 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 530, time: 8.387148, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.470 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 531, time: 8.402738, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.495 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 532, time: 8.418328, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.520 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 533, time: 8.433918, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.545 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 534, time: 8.449508, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.577 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 535, time: 8.465098, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.608 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 536, time: 8.480689, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.639 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 537, time: 8.496279, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.664 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 538, time: 8.511869, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.690 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 539, time: 8.527459, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.716 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 540, time: 8.543049, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.741 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 541, time: 8.558640, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.766 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 542, time: 8.574230, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.791 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 543, time: 8.589820, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.816 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 544, time: 8.605411, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.840 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 545, time: 8.621001, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.865 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 546, time: 8.636591, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.890 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 547, time: 8.652182, dt: 0.015590, next write at time: 8.888889

2025-08-08 13:22:50.914 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 548, time: 8.667772, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:50.941 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 549, time: 8.683363, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:50.967 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 550, time: 8.698954, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:50.992 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 551, time: 8.714544, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.030 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 552, time: 8.730135, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.055 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 553, time: 8.745725, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.080 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 554, time: 8.761316, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.106 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 555, time: 8.776907, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.133 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 556, time: 8.792498, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.160 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 557, time: 8.808088, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.186 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 558, time: 8.823679, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.213 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 559, time: 8.839270, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.240 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 560, time: 8.854861, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.263 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 561, time: 8.870452, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.288 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 562, time: 8.886043, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.313 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 563, time: 8.901634, dt: 0.015591, next write at time: 8.888889

2025-08-08 13:22:51.347 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 564, time: 8.917225, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.378 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 565, time: 8.932816, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.412 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 566, time: 8.948407, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.445 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 567, time: 8.963998, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.480 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 568, time: 8.979589, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.511 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 569, time: 8.995180, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.539 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 570, time: 9.010771, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.566 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 571, time: 9.026362, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.595 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 572, time: 9.041953, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.623 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 573, time: 9.057544, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.650 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 574, time: 9.073136, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.678 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 575, time: 9.088727, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.703 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 576, time: 9.104318, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 577, time: 9.119909, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.753 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 578, time: 9.135501, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.780 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 579, time: 9.151092, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.805 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 580, time: 9.166683, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.829 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 581, time: 9.182275, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.855 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 582, time: 9.197866, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.879 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 583, time: 9.213457, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.912 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 584, time: 9.229049, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.939 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 585, time: 9.244640, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.966 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 586, time: 9.260232, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:51.991 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 587, time: 9.275823, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:52.015 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 588, time: 9.291415, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:52.041 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 589, time: 9.307006, dt: 0.015591, next write at time: 11.111111

2025-08-08 13:22:52.066 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 590, time: 9.322598, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.091 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 591, time: 9.338189, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.116 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 592, time: 9.353781, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.141 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 593, time: 9.369372, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.167 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 594, time: 9.384964, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.195 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 595, time: 9.400555, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.219 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 596, time: 9.416147, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.246 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 597, time: 9.431739, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.278 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 598, time: 9.447330, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.308 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 599, time: 9.462922, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.335 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 600, time: 9.478514, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.362 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 601, time: 9.494105, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.386 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 602, time: 9.509697, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.412 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 603, time: 9.525289, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.436 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 604, time: 9.540880, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.461 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 605, time: 9.556472, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.485 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 606, time: 9.572064, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.515 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 607, time: 9.587656, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.545 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 608, time: 9.603247, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.579 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 609, time: 9.618839, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.612 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 610, time: 9.634431, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.647 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 611, time: 9.650023, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.675 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 612, time: 9.665615, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.710 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 613, time: 9.681207, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.738 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 614, time: 9.696798, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.765 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 615, time: 9.712390, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.792 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 616, time: 9.727982, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.821 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 617, time: 9.743574, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.846 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 618, time: 9.759166, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.872 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 619, time: 9.774758, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.898 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 620, time: 9.790350, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.923 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 621, time: 9.805942, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.950 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 622, time: 9.821533, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:52.975 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 623, time: 9.837125, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.001 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 624, time: 9.852717, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.027 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 625, time: 9.868309, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.053 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 626, time: 9.883901, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.084 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 627, time: 9.899493, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.110 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 628, time: 9.915085, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.135 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 629, time: 9.930677, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.161 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 630, time: 9.946269, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.185 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 631, time: 9.961861, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.211 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 632, time: 9.977453, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.235 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 633, time: 9.993045, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.261 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 634, time: 10.008637, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.284 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 635, time: 10.024229, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.308 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 636, time: 10.039821, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.333 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 637, time: 10.055413, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.356 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 638, time: 10.071005, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.380 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 639, time: 10.086597, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.407 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 640, time: 10.102189, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.444 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 641, time: 10.117781, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.468 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 642, time: 10.133374, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.493 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 643, time: 10.148966, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.517 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 644, time: 10.164558, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.545 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 645, time: 10.180150, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.569 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 646, time: 10.195742, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.594 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 647, time: 10.211334, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.618 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 648, time: 10.226926, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.643 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 649, time: 10.242518, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.667 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 650, time: 10.258110, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.691 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 651, time: 10.273703, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.719 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 652, time: 10.289295, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.749 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 653, time: 10.304887, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.779 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 654, time: 10.320479, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.841 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 655, time: 10.336071, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.878 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 656, time: 10.351663, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.911 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 657, time: 10.367256, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.939 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 658, time: 10.382848, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.964 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 659, time: 10.398440, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:53.993 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 660, time: 10.414032, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.019 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 661, time: 10.429624, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.044 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 662, time: 10.445216, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.069 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 663, time: 10.460809, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.094 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 664, time: 10.476401, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.119 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 665, time: 10.491993, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.145 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 666, time: 10.507585, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.178 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 667, time: 10.523178, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.203 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 668, time: 10.538770, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.228 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 669, time: 10.554362, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.253 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 670, time: 10.569954, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.278 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 671, time: 10.585546, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.302 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 672, time: 10.601139, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.327 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 673, time: 10.616731, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.352 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 674, time: 10.632323, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.376 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 675, time: 10.647916, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.400 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 676, time: 10.663508, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.424 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 677, time: 10.679100, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.449 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 678, time: 10.694692, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.479 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 679, time: 10.710285, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.507 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 680, time: 10.725877, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.531 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 681, time: 10.741469, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.556 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 682, time: 10.757061, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.580 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 683, time: 10.772654, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.605 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 684, time: 10.788246, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.629 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 685, time: 10.803838, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.657 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 686, time: 10.819431, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.684 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 687, time: 10.835023, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.709 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 688, time: 10.850615, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.734 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 689, time: 10.866208, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.759 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 690, time: 10.881800, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.788 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 691, time: 10.897392, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.816 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 692, time: 10.912985, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.842 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 693, time: 10.928577, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.868 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 694, time: 10.944169, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.894 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 695, time: 10.959762, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.925 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 696, time: 10.975354, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.958 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 697, time: 10.990946, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:54.995 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 698, time: 11.006539, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.025 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 699, time: 11.022131, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.053 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 700, time: 11.037723, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.080 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 701, time: 11.053316, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.110 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 702, time: 11.068908, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.141 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 703, time: 11.084500, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.170 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 704, time: 11.100093, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.197 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 705, time: 11.115685, dt: 0.015592, next write at time: 11.111111

2025-08-08 13:22:55.225 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 706, time: 11.131277, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.252 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 707, time: 11.146870, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.278 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 708, time: 11.162462, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.304 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 709, time: 11.178054, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.329 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 710, time: 11.193647, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.354 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 711, time: 11.209239, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.379 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 712, time: 11.224832, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.404 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 713, time: 11.240424, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.430 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 714, time: 11.256016, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.460 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 715, time: 11.271609, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.486 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 716, time: 11.287201, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.512 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 717, time: 11.302794, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.539 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 718, time: 11.318386, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.567 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 719, time: 11.333978, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.591 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 720, time: 11.349571, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.617 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 721, time: 11.365163, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.642 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 722, time: 11.380756, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.667 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 723, time: 11.396348, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.691 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 724, time: 11.411940, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.716 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 725, time: 11.427533, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.740 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 726, time: 11.443125, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.783 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 727, time: 11.458718, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.808 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 728, time: 11.474310, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.836 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 729, time: 11.489902, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.862 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 730, time: 11.505495, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.887 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 731, time: 11.521087, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.912 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 732, time: 11.536680, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.935 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 733, time: 11.552272, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.961 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 734, time: 11.567864, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:55.985 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 735, time: 11.583457, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.010 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 736, time: 11.599049, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.034 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 737, time: 11.614642, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.061 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 738, time: 11.630234, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.093 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 739, time: 11.645827, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.133 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 740, time: 11.661419, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.165 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 741, time: 11.677011, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.198 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 742, time: 11.692604, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.229 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 743, time: 11.708196, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.260 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 744, time: 11.723789, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.288 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 745, time: 11.739381, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.315 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 746, time: 11.754974, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.343 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 747, time: 11.770566, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.370 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 748, time: 11.786159, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.396 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 749, time: 11.801751, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.435 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 750, time: 11.817343, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.461 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 751, time: 11.832936, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.487 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 752, time: 11.848528, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.513 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 753, time: 11.864121, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.539 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 754, time: 11.879713, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.564 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 755, time: 11.895306, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.591 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 756, time: 11.910898, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.617 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 757, time: 11.926491, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.645 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 758, time: 11.942083, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.669 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 759, time: 11.957675, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.694 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 760, time: 11.973268, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.720 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 761, time: 11.988860, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.749 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 762, time: 12.004453, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.775 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 763, time: 12.020045, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.801 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 764, time: 12.035638, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.828 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 765, time: 12.051230, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.852 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 766, time: 12.066823, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.879 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 767, time: 12.082415, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.905 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 768, time: 12.098008, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.929 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 769, time: 12.113600, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.955 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 770, time: 12.129193, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:56.979 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 771, time: 12.144785, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.007 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 772, time: 12.160377, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.044 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 773, time: 12.175970, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.072 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 774, time: 12.191562, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.097 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 775, time: 12.207155, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.123 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 776, time: 12.222747, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.148 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 777, time: 12.238340, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.172 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 778, time: 12.253932, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.197 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 779, time: 12.269525, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.225 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 780, time: 12.285117, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.256 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 781, time: 12.300710, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.287 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 782, time: 12.316302, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.319 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 783, time: 12.331895, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.347 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 784, time: 12.347487, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.381 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 785, time: 12.363080, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.415 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 786, time: 12.378672, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.448 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 787, time: 12.394265, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.475 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 788, time: 12.409857, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.502 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 789, time: 12.425449, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.528 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 790, time: 12.441042, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.555 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 791, time: 12.456634, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.580 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 792, time: 12.472227, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.608 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 793, time: 12.487819, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.633 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 794, time: 12.503412, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.659 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 795, time: 12.519004, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.684 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 796, time: 12.534597, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.710 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 797, time: 12.550189, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.741 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 798, time: 12.565782, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.767 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 799, time: 12.581374, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.793 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 800, time: 12.596967, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.818 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 801, time: 12.612559, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.844 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 802, time: 12.628152, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.869 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 803, time: 12.643744, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.894 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 804, time: 12.659337, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.918 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 805, time: 12.674929, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.945 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 806, time: 12.690522, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:57.973 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 807, time: 12.706114, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.006 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 808, time: 12.721707, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.032 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 809, time: 12.737299, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.057 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 810, time: 12.752892, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.083 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 811, time: 12.768484, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.111 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 812, time: 12.784077, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.135 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 813, time: 12.799669, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.160 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 814, time: 12.815262, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.184 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 815, time: 12.830854, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.210 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 816, time: 12.846447, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.234 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 817, time: 12.862039, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.261 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 818, time: 12.877632, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.294 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 819, time: 12.893224, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.323 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 820, time: 12.908817, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.364 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 821, time: 12.924409, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.404 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 822, time: 12.940001, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.442 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 823, time: 12.955594, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.475 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 824, time: 12.971186, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.503 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 825, time: 12.986779, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.529 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 826, time: 13.002371, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.555 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 827, time: 13.017964, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.582 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 828, time: 13.033556, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.622 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 829, time: 13.049149, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.650 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 830, time: 13.064741, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.675 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 831, time: 13.080334, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.702 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 832, time: 13.095926, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 833, time: 13.111519, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.752 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 834, time: 13.127111, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.778 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 835, time: 13.142704, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.802 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 836, time: 13.158296, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.827 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 837, time: 13.173889, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.852 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 838, time: 13.189481, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.878 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 839, time: 13.205074, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.908 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 840, time: 13.220666, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.934 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 841, time: 13.236259, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.961 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 842, time: 13.251851, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:58.988 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 843, time: 13.267444, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.013 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 844, time: 13.283036, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.039 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 845, time: 13.298629, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.064 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 846, time: 13.314221, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.089 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 847, time: 13.329814, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.116 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 848, time: 13.345406, dt: 0.015592, next write at time: 13.333333

2025-08-08 13:22:59.141 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 849, time: 13.360999, dt: 0.015592, next write at time: 15.555556

2025-08-08 13:22:59.167 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 850, time: 13.376591, dt: 0.015592, next write at time: 15.555556

2025-08-08 13:22:59.202 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 851, time: 13.392184, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.228 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 852, time: 13.407776, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.253 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 853, time: 13.423369, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.280 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 854, time: 13.438961, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.304 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 855, time: 13.454554, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.328 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 856, time: 13.470146, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.354 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 857, time: 13.485739, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.379 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 858, time: 13.501331, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.405 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 859, time: 13.516924, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.468 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 860, time: 13.532516, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.512 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 861, time: 13.548109, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.545 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 862, time: 13.563701, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.575 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 863, time: 13.579294, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.604 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 864, time: 13.594886, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.630 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 865, time: 13.610479, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.657 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 866, time: 13.626071, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.684 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 867, time: 13.641664, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.710 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 868, time: 13.657256, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.736 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 869, time: 13.672849, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.763 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 870, time: 13.688441, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.795 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 871, time: 13.704034, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.823 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 872, time: 13.719626, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.849 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 873, time: 13.735219, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.873 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 874, time: 13.750811, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.898 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 875, time: 13.766404, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.923 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 876, time: 13.781996, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.948 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 877, time: 13.797589, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.973 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 878, time: 13.813181, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:22:59.998 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 879, time: 13.828774, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.024 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 880, time: 13.844366, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.054 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 881, time: 13.859959, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.078 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 882, time: 13.875551, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.103 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 883, time: 13.891144, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.128 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 884, time: 13.906736, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.152 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 885, time: 13.922329, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.178 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 886, time: 13.937922, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.202 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 887, time: 13.953514, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.228 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 888, time: 13.969107, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.252 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 889, time: 13.984699, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.278 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 890, time: 14.000292, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.311 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 891, time: 14.015884, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.336 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 892, time: 14.031477, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.361 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 893, time: 14.047069, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.385 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 894, time: 14.062662, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.411 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 895, time: 14.078254, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.435 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 896, time: 14.093847, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.460 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 897, time: 14.109439, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.484 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 898, time: 14.125032, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.512 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 899, time: 14.140624, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.544 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 900, time: 14.156217, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.578 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 901, time: 14.171809, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.614 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 902, time: 14.187402, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.646 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 903, time: 14.202994, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.682 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 904, time: 14.218587, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.711 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 905, time: 14.234179, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.739 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 906, time: 14.249772, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.766 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 907, time: 14.265364, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.793 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 908, time: 14.280957, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.820 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 909, time: 14.296549, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.847 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 910, time: 14.312142, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.876 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 911, time: 14.327734, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.903 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 912, time: 14.343327, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.942 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 913, time: 14.358919, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.968 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 914, time: 14.374512, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:00.995 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 915, time: 14.390104, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.024 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 916, time: 14.405697, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.052 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 917, time: 14.421289, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.078 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 918, time: 14.436882, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.101 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 919, time: 14.452474, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.125 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 920, time: 14.468067, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.151 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 921, time: 14.483659, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.179 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 922, time: 14.499252, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.207 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 923, time: 14.514844, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.233 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 924, time: 14.530437, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.258 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 925, time: 14.546029, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.284 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 926, time: 14.561622, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.310 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 927, time: 14.577214, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.334 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 928, time: 14.592807, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.360 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 929, time: 14.608399, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.385 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 930, time: 14.623992, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.410 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 931, time: 14.639584, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.439 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 932, time: 14.655177, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.465 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 933, time: 14.670769, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.491 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 934, time: 14.686362, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.515 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 935, time: 14.701954, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.540 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 936, time: 14.717547, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.566 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 937, time: 14.733139, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.591 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 938, time: 14.748732, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.623 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 939, time: 14.764324, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.653 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 940, time: 14.779917, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.688 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 941, time: 14.795509, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.724 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 942, time: 14.811102, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.758 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 943, time: 14.826694, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.788 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 944, time: 14.842287, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.816 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 945, time: 14.857879, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.845 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 946, time: 14.873472, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.873 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 947, time: 14.889064, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.901 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 948, time: 14.904657, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.939 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 949, time: 14.920249, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.964 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 950, time: 14.935842, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:01.990 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 951, time: 14.951434, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.018 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 952, time: 14.967027, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.044 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 953, time: 14.982619, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.069 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 954, time: 14.998212, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.094 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 955, time: 15.013805, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.119 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 956, time: 15.029397, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.144 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 957, time: 15.044990, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.168 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 958, time: 15.060582, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.193 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 959, time: 15.076175, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.217 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 960, time: 15.091767, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.242 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 961, time: 15.107360, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.273 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 962, time: 15.122952, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.299 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 963, time: 15.138545, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.324 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 964, time: 15.154137, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.350 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 965, time: 15.169730, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.374 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 966, time: 15.185322, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.400 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 967, time: 15.200915, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.425 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 968, time: 15.216507, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.449 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 969, time: 15.232100, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.475 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 970, time: 15.247692, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.504 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 971, time: 15.263285, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.529 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 972, time: 15.278877, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.556 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 973, time: 15.294470, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.581 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 974, time: 15.310062, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.606 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 975, time: 15.325655, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.631 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 976, time: 15.341247, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.661 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 977, time: 15.356840, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.695 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 978, time: 15.372432, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.728 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 979, time: 15.388025, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.762 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 980, time: 15.403617, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.797 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 981, time: 15.419210, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.830 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 982, time: 15.434802, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.861 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 983, time: 15.450395, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.892 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 984, time: 15.465987, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.919 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 985, time: 15.481580, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.945 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 986, time: 15.497172, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.971 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 987, time: 15.512765, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:02.996 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 988, time: 15.528357, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:03.024 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 989, time: 15.543950, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:03.054 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 990, time: 15.559542, dt: 0.015593, next write at time: 15.555556

2025-08-08 13:23:03.081 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 991, time: 15.575135, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.107 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 992, time: 15.590727, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.133 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 993, time: 15.606320, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.161 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 994, time: 15.621912, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.186 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 995, time: 15.637505, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.211 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 996, time: 15.653097, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.235 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 997, time: 15.668690, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.261 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 998, time: 15.684282, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.291 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 999, time: 15.699875, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.320 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1000, time: 15.715467, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.345 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1001, time: 15.731060, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.369 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1002, time: 15.746652, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.394 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1003, time: 15.762245, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.419 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1004, time: 15.777837, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.445 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1005, time: 15.793430, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.470 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1006, time: 15.809022, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.500 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1007, time: 15.824615, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.526 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1008, time: 15.840207, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.551 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1009, time: 15.855800, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.576 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1010, time: 15.871393, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.601 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1011, time: 15.886985, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.625 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1012, time: 15.902578, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.652 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1013, time: 15.918170, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.679 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1014, time: 15.933763, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.708 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1015, time: 15.949355, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.748 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1016, time: 15.964948, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.781 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1017, time: 15.980540, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.812 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1018, time: 15.996133, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.854 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1019, time: 16.011725, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.887 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1020, time: 16.027318, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.921 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1021, time: 16.042910, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.954 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1022, time: 16.058503, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:03.982 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1023, time: 16.074095, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.012 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1024, time: 16.089688, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.045 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1025, time: 16.105280, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.074 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1026, time: 16.120873, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.103 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1027, time: 16.136465, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.131 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1028, time: 16.152058, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.160 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1029, time: 16.167650, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.187 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1030, time: 16.183243, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.212 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1031, time: 16.198835, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.236 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1032, time: 16.214428, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.262 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1033, time: 16.230020, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.291 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1034, time: 16.245613, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.319 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1035, time: 16.261205, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.347 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1036, time: 16.276798, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.374 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1037, time: 16.292390, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.399 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1038, time: 16.307983, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.424 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1039, time: 16.323575, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.450 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1040, time: 16.339168, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.474 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1041, time: 16.354760, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.500 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1042, time: 16.370353, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.529 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1043, time: 16.385945, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.557 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1044, time: 16.401538, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.584 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1045, time: 16.417130, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.610 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1046, time: 16.432723, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.634 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1047, time: 16.448315, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.660 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1048, time: 16.463908, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.686 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1049, time: 16.479500, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.714 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1050, time: 16.495093, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.744 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1051, time: 16.510685, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.769 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1052, time: 16.526278, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.795 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1053, time: 16.541870, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.825 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1054, time: 16.557463, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.859 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1055, time: 16.573055, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.894 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1056, time: 16.588648, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.927 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1057, time: 16.604240, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.959 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1058, time: 16.619833, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:04.988 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1059, time: 16.635425, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.018 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1060, time: 16.651018, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.051 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1061, time: 16.666610, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.078 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1062, time: 16.682203, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.107 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1063, time: 16.697796, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.133 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1064, time: 16.713388, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.159 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1065, time: 16.728981, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.185 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1066, time: 16.744573, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.211 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1067, time: 16.760166, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.237 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1068, time: 16.775758, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.261 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1069, time: 16.791351, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.300 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1070, time: 16.806943, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.325 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1071, time: 16.822536, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.351 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1072, time: 16.838128, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.378 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1073, time: 16.853721, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.402 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1074, time: 16.869313, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.427 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1075, time: 16.884906, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.453 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1076, time: 16.900498, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.479 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1077, time: 16.916091, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.506 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1078, time: 16.931683, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.539 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1079, time: 16.947276, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.564 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1080, time: 16.962868, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.589 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1081, time: 16.978461, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.615 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1082, time: 16.994053, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.640 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1083, time: 17.009646, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.664 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1084, time: 17.025238, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.689 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1085, time: 17.040831, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.716 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1086, time: 17.056423, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.745 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1087, time: 17.072016, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.772 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1088, time: 17.087608, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.798 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1089, time: 17.103201, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.823 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1090, time: 17.118793, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.852 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1091, time: 17.134386, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.883 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1092, time: 17.149978, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.915 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1093, time: 17.165571, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.947 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1094, time: 17.181163, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:05.979 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1095, time: 17.196756, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.012 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1096, time: 17.212348, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.044 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1097, time: 17.227941, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.074 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1098, time: 17.243533, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.104 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1099, time: 17.259126, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.133 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1100, time: 17.274718, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.159 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1101, time: 17.290311, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.186 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1102, time: 17.305903, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.212 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1103, time: 17.321496, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.236 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1104, time: 17.337088, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.263 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1105, time: 17.352681, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.295 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1106, time: 17.368273, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.324 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1107, time: 17.383866, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.350 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1108, time: 17.399458, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.375 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1109, time: 17.415051, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.404 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1110, time: 17.430643, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.428 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1111, time: 17.446236, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.452 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1112, time: 17.461828, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.478 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1113, time: 17.477421, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.504 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1114, time: 17.493013, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.536 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1115, time: 17.508606, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.564 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1116, time: 17.524199, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.592 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1117, time: 17.539791, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.618 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1118, time: 17.555384, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.644 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1119, time: 17.570976, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.668 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1120, time: 17.586569, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.694 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1121, time: 17.602161, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.719 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1122, time: 17.617754, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.745 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1123, time: 17.633346, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.780 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1124, time: 17.648939, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.806 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1125, time: 17.664531, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.831 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1126, time: 17.680124, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.856 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1127, time: 17.695716, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.884 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1128, time: 17.711309, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.928 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1129, time: 17.726901, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:06.986 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1130, time: 17.742494, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:07.019 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1131, time: 17.758086, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:07.060 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1132, time: 17.773679, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:07.090 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1133, time: 17.789271, dt: 0.015593, next write at time: 17.777778

2025-08-08 13:23:07.126 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1134, time: 17.804864, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.156 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1135, time: 17.820456, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.186 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1136, time: 17.836049, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.218 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1137, time: 17.851641, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.245 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1138, time: 17.867234, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.272 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1139, time: 17.882826, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.300 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1140, time: 17.898419, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.330 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1141, time: 17.914011, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.359 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1142, time: 17.929604, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.385 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1143, time: 17.945196, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.411 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1144, time: 17.960789, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.437 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1145, time: 17.976381, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.462 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1146, time: 17.991974, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.490 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1147, time: 18.007566, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.520 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1148, time: 18.023159, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.546 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1149, time: 18.038751, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.573 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1150, time: 18.054344, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.598 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1151, time: 18.069936, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.623 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1152, time: 18.085529, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.649 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1153, time: 18.101121, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.674 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1154, time: 18.116714, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.709 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1155, time: 18.132306, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.744 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1156, time: 18.147899, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.770 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1157, time: 18.163491, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.796 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1158, time: 18.179084, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.823 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1159, time: 18.194676, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.848 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1160, time: 18.210269, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.873 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1161, time: 18.225861, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.901 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1162, time: 18.241454, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.933 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1163, time: 18.257046, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:07.982 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1164, time: 18.272639, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.024 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1165, time: 18.288231, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.063 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1166, time: 18.303824, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.099 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1167, time: 18.319416, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.127 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1168, time: 18.335009, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.154 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1169, time: 18.350601, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.181 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1170, time: 18.366194, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.207 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1171, time: 18.381787, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.234 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1172, time: 18.397379, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.261 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1173, time: 18.412972, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.293 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1174, time: 18.428564, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.321 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1175, time: 18.444157, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.346 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1176, time: 18.459749, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.377 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1177, time: 18.475342, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.404 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1178, time: 18.490934, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.430 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1179, time: 18.506527, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.458 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1180, time: 18.522119, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.485 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1181, time: 18.537712, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.514 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1182, time: 18.553304, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.541 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1183, time: 18.568897, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.567 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1184, time: 18.584489, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.594 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1185, time: 18.600082, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.620 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1186, time: 18.615674, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.645 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1187, time: 18.631267, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.669 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1188, time: 18.646859, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.696 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1189, time: 18.662452, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.725 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1190, time: 18.678044, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.752 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1191, time: 18.693637, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.778 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1192, time: 18.709229, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.805 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1193, time: 18.724822, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.830 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1194, time: 18.740414, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.854 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1195, time: 18.756007, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.879 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1196, time: 18.771599, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.905 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1197, time: 18.787192, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.937 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1198, time: 18.802784, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.968 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1199, time: 18.818377, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:08.999 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1200, time: 18.833969, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.033 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1201, time: 18.849562, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.072 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1202, time: 18.865154, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.105 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1203, time: 18.880747, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.134 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1204, time: 18.896339, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.163 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1205, time: 18.911932, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.195 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1206, time: 18.927524, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.225 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1207, time: 18.943117, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.255 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1208, time: 18.958709, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.282 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1209, time: 18.974302, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.309 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1210, time: 18.989894, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.336 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1211, time: 19.005487, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.362 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1212, time: 19.021079, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.389 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1213, time: 19.036672, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.418 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1214, time: 19.052264, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.444 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1215, time: 19.067857, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.472 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1216, time: 19.083449, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.497 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1217, time: 19.099042, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.525 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1218, time: 19.114634, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.552 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1219, time: 19.130227, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.578 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1220, time: 19.145819, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.605 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1221, time: 19.161412, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.645 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1222, time: 19.177004, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.670 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1223, time: 19.192597, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.698 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1224, time: 19.208189, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.723 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1225, time: 19.223782, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.748 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1226, time: 19.239375, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.773 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1227, time: 19.254967, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.799 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1228, time: 19.270560, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.826 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1229, time: 19.286152, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.854 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1230, time: 19.301745, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.880 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1231, time: 19.317337, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.911 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1232, time: 19.332930, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.944 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1233, time: 19.348522, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:09.987 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1234, time: 19.364115, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.023 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1235, time: 19.379707, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.057 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1236, time: 19.395300, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.088 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1237, time: 19.410892, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.120 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1238, time: 19.426485, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.147 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1239, time: 19.442077, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.175 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1240, time: 19.457670, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.203 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1241, time: 19.473262, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.229 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1242, time: 19.488855, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.256 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1243, time: 19.504447, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.281 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1244, time: 19.520040, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.308 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1245, time: 19.535632, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.338 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1246, time: 19.551225, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.369 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1247, time: 19.566817, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.395 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1248, time: 19.582410, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.420 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1249, time: 19.598002, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.445 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1250, time: 19.613595, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.469 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1251, time: 19.629187, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.494 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1252, time: 19.644780, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.522 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1253, time: 19.660372, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.554 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1254, time: 19.675965, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.581 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1255, time: 19.691557, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.608 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1256, time: 19.707150, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.634 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1257, time: 19.722742, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.660 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1258, time: 19.738335, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.686 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1259, time: 19.753927, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.711 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1260, time: 19.769520, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.737 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1261, time: 19.785112, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.765 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1262, time: 19.800705, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.795 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1263, time: 19.816297, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.820 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1264, time: 19.831890, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.852 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1265, time: 19.847482, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.895 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1266, time: 19.863075, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.928 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1267, time: 19.878667, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.960 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1268, time: 19.894260, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:10.994 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1269, time: 19.909852, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.028 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1270, time: 19.925445, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.058 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1271, time: 19.941037, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.085 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1272, time: 19.956630, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.112 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1273, time: 19.972222, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.139 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1274, time: 19.987815, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.165 | INFO     | library.fvm.solver:log_callback_hyperbolic:43 - iteration: 1275, time: 20.003407, dt: 0.015593, next write at time: 20.000000

2025-08-08 13:23:11.299 | INFO     | library.fvm.solver:log_callback_execution_time:55 - Finished simulation with in 45.327 seconds

Visualization

io.generate_vtk(os.path.join(settings.output.directory, f"{settings.output.filename}.h5"))
fig = plots_paper.plot_vam(os.path.join(settings.output.directory, settings.output.filename + ".h5"))