Author

Ingo Steldermann

Published

July 10, 2025

Shallow Moment Tutorial (Simple)

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, Piecewise

from fvm.solver_jax import HyperbolicSolver, Settings
from fvm.ode import RK1
import fvm.reconstruction as recon
import fvm.timestepping as timestepping
import fvm.flux as flux
import fvm.nonconservative_flux as nc_flux
from zoomy_core.model.boundary_conditions import BoundaryCondition
from zoomy_core.model.models.basisfunctions import Basisfunction, Legendre_shifted
from zoomy_core.model.models.basismatrices import Basismatrices
from misc.misc import Zstruct

from zoomy_core.model.models.shallow_moments import ShallowMoments2d
import zoomy_core.model.initial_conditions as IC
import zoomy_core.model.boundary_conditions as BC
import misc.io as io
from mesh.mesh import compute_derivatives
from zoomy_tests.swashes import plots_paper
import postprocessing.visualization as visu


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

Model

level = 0
offset = 1+level
n_fields = 3 + 2 * level
settings = Settings(
    name="SME",
    output=Zstruct(
        directory=f"outputs/junction_{level}", filename="SME", output_snapshots=30
    ),
)
2025-08-30 07:18:44.091 | WARNING  | library.misc.misc:__init__:146 - No 'clean_directory' attribute found in output Zstruct. Default: False
inflow_dict = { 
    0: lambda t, x, dx, q, qaux, p, n: Piecewise((0.1, t < 0.2),(q[0], True)),
    1: lambda t, x, dx, q, qaux, p, n: Piecewise((-0.3, t < 0.2),(-q[1], True)),
                }
inflow_dict.update({
    1+i: lambda t, x, dx, q, qaux, p, n: 0 for i in range(level)
})
inflow_dict.update({
    1+offset+i: lambda t, x, dx, q, qaux, p, n: 0 for i in range(level+1)
})

bcs = BC.BoundaryConditions(
    [
        BC.Lambda(tag="inflow", prescribe_fields=inflow_dict),
        BC.Wall(tag="wall"),
    ]
)

def custom_ic(x):
    Q = np.zeros(3 + 2 * level, dtype=float)
    Q[0] = 0.01
    return Q

ic = IC.UserFunction(custom_ic)

model = ShallowMoments2d(
    level=level,
    boundary_conditions=bcs,
    initial_conditions=ic,
)

main_dir = os.getenv("ZOOMY_DIR")
mesh = petscMesh.Mesh.from_gmsh(
    os.path.join(main_dir, "meshes/channel_junction/mesh_2d_coarse.msh")
    # os.path.join(main_dir, "meshes/channel_junction/mesh_2d_fine.msh")
)

mesh = convert_mesh_to_jax(mesh)
class SMESolver(HyperbolicSolver):
    def update_qaux(self, Q, Qaux, Qold, Qauxold, mesh, model, parameters, time, dt):
        dudx = compute_derivatives(Q[1]/Q[0], mesh, derivatives_multi_index=[[0, 0]])[:,0]
        dvdy = compute_derivatives(Q[1+offset]/Q[0], mesh, derivatives_multi_index=[[0, 1]])[:,0]
        Qaux = Qaux.at[0].set(dudx)
        Qaux = Qaux.at[1].set(dvdy)
        return Qaux
solver = SMESolver(settings=settings)

Solve

Qnew, Qaux = solver.solve(mesh, model)
2025-08-30 07:18:53.921 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 1, time: 0.003386, dt: 0.003386, next write at time: 0.011111

2025-08-30 07:18:53.940 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 2, time: 0.003652, dt: 0.000266, next write at time: 0.022222

2025-08-30 07:18:53.999 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 3, time: 0.003918, dt: 0.000266, next write at time: 0.033333

2025-08-30 07:18:54.040 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 4, time: 0.004184, dt: 0.000266, next write at time: 0.044444

2025-08-30 07:18:54.060 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 5, time: 0.004450, dt: 0.000266, next write at time: 0.055556

2025-08-30 07:18:54.086 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 6, time: 0.004715, dt: 0.000266, next write at time: 0.066667

2025-08-30 07:18:54.104 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 7, time: 0.004981, dt: 0.000266, next write at time: 0.077778

2025-08-30 07:18:54.125 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 8, time: 0.005247, dt: 0.000266, next write at time: 0.088889

2025-08-30 07:18:54.144 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 9, time: 0.005513, dt: 0.000266, next write at time: 0.100000

2025-08-30 07:18:54.162 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 10, time: 0.005779, dt: 0.000266, next write at time: 0.111111

2025-08-30 07:18:54.182 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 11, time: 0.006044, dt: 0.000266, next write at time: 0.122222

2025-08-30 07:18:54.203 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 12, time: 0.006310, dt: 0.000266, next write at time: 0.133333

2025-08-30 07:18:54.221 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 13, time: 0.006576, dt: 0.000266, next write at time: 0.144444

2025-08-30 07:18:54.241 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 14, time: 0.006842, dt: 0.000266, next write at time: 0.155556

2025-08-30 07:18:54.259 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 15, time: 0.007108, dt: 0.000266, next write at time: 0.166667

2025-08-30 07:18:54.278 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 16, time: 0.007373, dt: 0.000266, next write at time: 0.177778

2025-08-30 07:18:54.294 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 17, time: 0.007639, dt: 0.000266, next write at time: 0.188889

2025-08-30 07:18:54.310 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 18, time: 0.007905, dt: 0.000266, next write at time: 0.200000

2025-08-30 07:18:54.329 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 19, time: 0.008171, dt: 0.000266, next write at time: 0.211111

2025-08-30 07:18:54.346 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 20, time: 0.008437, dt: 0.000266, next write at time: 0.222222

2025-08-30 07:18:54.363 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 21, time: 0.008702, dt: 0.000266, next write at time: 0.233333

2025-08-30 07:18:54.382 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 22, time: 0.008968, dt: 0.000266, next write at time: 0.244444

2025-08-30 07:18:54.400 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 23, time: 0.009234, dt: 0.000266, next write at time: 0.255556

2025-08-30 07:18:54.424 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 24, time: 0.009500, dt: 0.000266, next write at time: 0.266667

2025-08-30 07:18:54.442 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 25, time: 0.009765, dt: 0.000266, next write at time: 0.277778

2025-08-30 07:18:54.460 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 26, time: 0.010031, dt: 0.000266, next write at time: 0.288889

2025-08-30 07:18:54.498 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 27, time: 0.010297, dt: 0.000266, next write at time: 0.300000

2025-08-30 07:18:54.524 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 28, time: 0.010563, dt: 0.000266, next write at time: 0.311111

2025-08-30 07:18:54.542 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 29, time: 0.010829, dt: 0.000266, next write at time: 0.322222

2025-08-30 07:18:54.563 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 30, time: 0.011094, dt: 0.000266, next write at time: 0.333333

2025-08-30 07:18:54.582 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 31, time: 0.011360, dt: 0.000266, next write at time: 0.344444

2025-08-30 07:18:54.600 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 32, time: 0.011626, dt: 0.000266, next write at time: 0.355556

2025-08-30 07:18:54.621 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 33, time: 0.011892, dt: 0.000266, next write at time: 0.366667

2025-08-30 07:18:54.642 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 34, time: 0.012157, dt: 0.000266, next write at time: 0.377778

2025-08-30 07:18:54.662 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 35, time: 0.012423, dt: 0.000266, next write at time: 0.388889

2025-08-30 07:18:54.681 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 36, time: 0.012689, dt: 0.000266, next write at time: 0.400000

2025-08-30 07:18:54.699 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 37, time: 0.012955, dt: 0.000266, next write at time: 0.411111

2025-08-30 07:18:54.722 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 38, time: 0.013221, dt: 0.000266, next write at time: 0.422222

2025-08-30 07:18:54.747 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 39, time: 0.013486, dt: 0.000266, next write at time: 0.433333

2025-08-30 07:18:54.773 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 40, time: 0.013752, dt: 0.000266, next write at time: 0.444444

2025-08-30 07:18:54.794 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 41, time: 0.014018, dt: 0.000266, next write at time: 0.455556

2025-08-30 07:18:54.813 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 42, time: 0.014284, dt: 0.000266, next write at time: 0.466667

2025-08-30 07:18:54.834 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 43, time: 0.014550, dt: 0.000266, next write at time: 0.477778

2025-08-30 07:18:54.858 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 44, time: 0.014815, dt: 0.000266, next write at time: 0.488889

2025-08-30 07:18:54.877 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 45, time: 0.015081, dt: 0.000266, next write at time: 0.500000

2025-08-30 07:18:54.896 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 46, time: 0.015347, dt: 0.000266, next write at time: 0.511111

2025-08-30 07:18:54.917 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 47, time: 0.015613, dt: 0.000266, next write at time: 0.522222

2025-08-30 07:18:54.933 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 48, time: 0.015879, dt: 0.000266, next write at time: 0.533333

2025-08-30 07:18:54.955 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 49, time: 0.016144, dt: 0.000266, next write at time: 0.544444

2025-08-30 07:18:54.975 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 50, time: 0.016410, dt: 0.000266, next write at time: 0.555556

2025-08-30 07:18:54.998 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 51, time: 0.016676, dt: 0.000266, next write at time: 0.566667

2025-08-30 07:18:55.025 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 52, time: 0.016942, dt: 0.000266, next write at time: 0.577778

2025-08-30 07:18:55.044 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 53, time: 0.017208, dt: 0.000266, next write at time: 0.588889

2025-08-30 07:18:55.063 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 54, time: 0.017473, dt: 0.000266, next write at time: 0.600000

2025-08-30 07:18:55.082 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 55, time: 0.017739, dt: 0.000266, next write at time: 0.611111

2025-08-30 07:18:55.099 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 56, time: 0.018005, dt: 0.000266, next write at time: 0.622222

2025-08-30 07:18:55.125 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 57, time: 0.018271, dt: 0.000266, next write at time: 0.633333

2025-08-30 07:18:55.144 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 58, time: 0.018537, dt: 0.000266, next write at time: 0.644444

2025-08-30 07:18:55.162 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 59, time: 0.018802, dt: 0.000266, next write at time: 0.655556

2025-08-30 07:18:55.180 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 60, time: 0.019068, dt: 0.000266, next write at time: 0.666667

2025-08-30 07:18:55.198 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 61, time: 0.019334, dt: 0.000266, next write at time: 0.677778

2025-08-30 07:18:55.235 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 62, time: 0.019600, dt: 0.000266, next write at time: 0.688889

2025-08-30 07:18:55.258 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 63, time: 0.019866, dt: 0.000266, next write at time: 0.700000

2025-08-30 07:18:55.277 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 64, time: 0.020131, dt: 0.000266, next write at time: 0.711111

2025-08-30 07:18:55.297 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 65, time: 0.020397, dt: 0.000266, next write at time: 0.722222

2025-08-30 07:18:55.316 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 66, time: 0.020663, dt: 0.000266, next write at time: 0.733333

2025-08-30 07:18:55.339 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 67, time: 0.020929, dt: 0.000266, next write at time: 0.744444

2025-08-30 07:18:55.360 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 68, time: 0.021195, dt: 0.000266, next write at time: 0.755556

2025-08-30 07:18:55.379 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 69, time: 0.021460, dt: 0.000266, next write at time: 0.766667

2025-08-30 07:18:55.399 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 70, time: 0.021726, dt: 0.000266, next write at time: 0.777778

2025-08-30 07:18:55.423 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 71, time: 0.021992, dt: 0.000266, next write at time: 0.788889

2025-08-30 07:18:55.445 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 72, time: 0.022258, dt: 0.000266, next write at time: 0.800000

2025-08-30 07:18:55.466 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 73, time: 0.022524, dt: 0.000266, next write at time: 0.811111

2025-08-30 07:18:55.505 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 74, time: 0.022789, dt: 0.000266, next write at time: 0.822222

2025-08-30 07:18:55.527 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 75, time: 0.023055, dt: 0.000266, next write at time: 0.833333

2025-08-30 07:18:55.553 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 76, time: 0.023321, dt: 0.000266, next write at time: 0.844444

2025-08-30 07:18:55.577 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 77, time: 0.023587, dt: 0.000266, next write at time: 0.855556

2025-08-30 07:18:55.598 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 78, time: 0.023853, dt: 0.000266, next write at time: 0.866667

2025-08-30 07:18:55.616 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 79, time: 0.024118, dt: 0.000266, next write at time: 0.877778

2025-08-30 07:18:55.637 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 80, time: 0.024384, dt: 0.000266, next write at time: 0.888889

2025-08-30 07:18:55.658 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 81, time: 0.024650, dt: 0.000266, next write at time: 0.900000

2025-08-30 07:18:55.678 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 82, time: 0.024916, dt: 0.000266, next write at time: 0.911111

2025-08-30 07:18:55.700 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 83, time: 0.025182, dt: 0.000266, next write at time: 0.922222

2025-08-30 07:18:55.724 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 84, time: 0.025447, dt: 0.000266, next write at time: 0.933333

2025-08-30 07:18:55.744 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 85, time: 0.025713, dt: 0.000266, next write at time: 0.944444

2025-08-30 07:18:55.760 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 86, time: 0.025979, dt: 0.000266, next write at time: 0.955556

2025-08-30 07:18:55.780 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 87, time: 0.026245, dt: 0.000266, next write at time: 0.966667

2025-08-30 07:18:55.798 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 88, time: 0.026511, dt: 0.000266, next write at time: 0.977778

2025-08-30 07:18:55.818 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 89, time: 0.026776, dt: 0.000266, next write at time: 0.988889

2025-08-30 07:18:55.841 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 90, time: 0.027042, dt: 0.000266, next write at time: 1.000000

2025-08-30 07:18:55.858 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 91, time: 0.027308, dt: 0.000266, next write at time: 1.011111

2025-08-30 07:18:55.882 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 92, time: 0.027574, dt: 0.000266, next write at time: 1.022222

2025-08-30 07:18:55.911 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 93, time: 0.027840, dt: 0.000266, next write at time: 1.033333

2025-08-30 07:18:55.932 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 94, time: 0.028105, dt: 0.000266, next write at time: 1.044444

2025-08-30 07:18:55.974 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 95, time: 0.028371, dt: 0.000266, next write at time: 1.055556

2025-08-30 07:18:56.018 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 96, time: 0.028637, dt: 0.000266, next write at time: 1.066667

2025-08-30 07:18:56.049 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 97, time: 0.028903, dt: 0.000266, next write at time: 1.077778

2025-08-30 07:18:56.085 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 98, time: 0.029169, dt: 0.000266, next write at time: 1.088889

2025-08-30 07:18:56.107 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 99, time: 0.029434, dt: 0.000266, next write at time: 1.100000

2025-08-30 07:18:56.126 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 100, time: 0.029700, dt: 0.000266, next write at time: 1.111111

2025-08-30 07:18:56.145 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 101, time: 0.029966, dt: 0.000266, next write at time: 1.122222

2025-08-30 07:18:56.165 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 102, time: 0.030232, dt: 0.000266, next write at time: 1.133333

2025-08-30 07:18:56.183 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 103, time: 0.030498, dt: 0.000266, next write at time: 1.144444

2025-08-30 07:18:56.209 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 104, time: 0.030763, dt: 0.000266, next write at time: 1.155556

2025-08-30 07:18:56.227 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 105, time: 0.031029, dt: 0.000266, next write at time: 1.166667

2025-08-30 07:18:56.267 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 106, time: 0.031295, dt: 0.000266, next write at time: 1.177778

2025-08-30 07:18:56.291 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 107, time: 0.031561, dt: 0.000266, next write at time: 1.188889

2025-08-30 07:18:56.310 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 108, time: 0.031827, dt: 0.000266, next write at time: 1.200000

2025-08-30 07:18:56.327 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 109, time: 0.032092, dt: 0.000266, next write at time: 1.211111

2025-08-30 07:18:56.344 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 110, time: 0.032358, dt: 0.000266, next write at time: 1.222222

2025-08-30 07:18:56.362 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 111, time: 0.032624, dt: 0.000266, next write at time: 1.233333

2025-08-30 07:18:56.382 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 112, time: 0.032890, dt: 0.000266, next write at time: 1.244444

2025-08-30 07:18:56.402 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 113, time: 0.033156, dt: 0.000266, next write at time: 1.255556

2025-08-30 07:18:56.425 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 114, time: 0.033421, dt: 0.000266, next write at time: 1.266667

2025-08-30 07:18:56.443 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 115, time: 0.033687, dt: 0.000266, next write at time: 1.277778

2025-08-30 07:18:56.460 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 116, time: 0.033953, dt: 0.000266, next write at time: 1.288889

2025-08-30 07:18:56.478 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 117, time: 0.034219, dt: 0.000266, next write at time: 1.300000

2025-08-30 07:18:56.503 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 118, time: 0.034485, dt: 0.000266, next write at time: 1.311111

2025-08-30 07:18:56.527 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 119, time: 0.034750, dt: 0.000266, next write at time: 1.322222

2025-08-30 07:18:56.548 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 120, time: 0.035016, dt: 0.000266, next write at time: 1.333333

2025-08-30 07:18:56.568 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 121, time: 0.035282, dt: 0.000266, next write at time: 1.344444

2025-08-30 07:18:56.591 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 122, time: 0.035548, dt: 0.000266, next write at time: 1.355556

2025-08-30 07:18:56.609 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 123, time: 0.035814, dt: 0.000266, next write at time: 1.366667

2025-08-30 07:18:56.628 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 124, time: 0.036079, dt: 0.000266, next write at time: 1.377778

2025-08-30 07:18:56.647 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 125, time: 0.036345, dt: 0.000266, next write at time: 1.388889

2025-08-30 07:18:56.667 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 126, time: 0.036611, dt: 0.000266, next write at time: 1.400000

2025-08-30 07:18:56.686 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 127, time: 0.036877, dt: 0.000266, next write at time: 1.411111

2025-08-30 07:18:56.707 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 128, time: 0.037143, dt: 0.000266, next write at time: 1.422222

2025-08-30 07:18:56.726 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 129, time: 0.037408, dt: 0.000266, next write at time: 1.433333

2025-08-30 07:18:56.744 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 130, time: 0.037674, dt: 0.000266, next write at time: 1.444444

2025-08-30 07:18:56.762 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 131, time: 0.037940, dt: 0.000266, next write at time: 1.455556

2025-08-30 07:18:56.794 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 132, time: 0.038206, dt: 0.000266, next write at time: 1.466667

2025-08-30 07:18:56.817 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 133, time: 0.038472, dt: 0.000266, next write at time: 1.477778

2025-08-30 07:18:56.842 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 134, time: 0.038737, dt: 0.000266, next write at time: 1.488889

2025-08-30 07:18:56.860 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 135, time: 0.039003, dt: 0.000266, next write at time: 1.500000

2025-08-30 07:18:56.878 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 136, time: 0.039269, dt: 0.000266, next write at time: 1.511111

2025-08-30 07:18:56.897 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 137, time: 0.039535, dt: 0.000266, next write at time: 1.522222

2025-08-30 07:18:56.917 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 138, time: 0.039801, dt: 0.000266, next write at time: 1.533333

2025-08-30 07:18:56.941 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 139, time: 0.040066, dt: 0.000266, next write at time: 1.544444

2025-08-30 07:18:56.958 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 140, time: 0.040332, dt: 0.000266, next write at time: 1.555556

2025-08-30 07:18:56.975 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 141, time: 0.040598, dt: 0.000266, next write at time: 1.566667

2025-08-30 07:18:56.994 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 142, time: 0.040864, dt: 0.000266, next write at time: 1.577778

2025-08-30 07:18:57.012 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 143, time: 0.041130, dt: 0.000266, next write at time: 1.588889

2025-08-30 07:18:57.033 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 144, time: 0.041395, dt: 0.000266, next write at time: 1.600000

2025-08-30 07:18:57.072 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 145, time: 0.041661, dt: 0.000266, next write at time: 1.611111

2025-08-30 07:18:57.102 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 146, time: 0.041927, dt: 0.000266, next write at time: 1.622222

2025-08-30 07:18:57.125 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 147, time: 0.042193, dt: 0.000266, next write at time: 1.633333

2025-08-30 07:18:57.143 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 148, time: 0.042459, dt: 0.000266, next write at time: 1.644444

2025-08-30 07:18:57.160 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 149, time: 0.042724, dt: 0.000266, next write at time: 1.655556

2025-08-30 07:18:57.177 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 150, time: 0.042990, dt: 0.000266, next write at time: 1.666667

2025-08-30 07:18:57.199 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 151, time: 0.043256, dt: 0.000266, next write at time: 1.677778

2025-08-30 07:18:57.220 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 152, time: 0.043522, dt: 0.000266, next write at time: 1.688889

2025-08-30 07:18:57.242 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 153, time: 0.043788, dt: 0.000266, next write at time: 1.700000

2025-08-30 07:18:57.260 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 154, time: 0.044053, dt: 0.000266, next write at time: 1.711111

2025-08-30 07:18:57.280 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 155, time: 0.044319, dt: 0.000266, next write at time: 1.722222

2025-08-30 07:18:57.300 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 156, time: 0.044585, dt: 0.000266, next write at time: 1.733333

2025-08-30 07:18:57.324 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 157, time: 0.044851, dt: 0.000266, next write at time: 1.744444

2025-08-30 07:18:57.342 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 158, time: 0.045117, dt: 0.000266, next write at time: 1.755556

2025-08-30 07:18:57.360 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 159, time: 0.045382, dt: 0.000266, next write at time: 1.766667

2025-08-30 07:18:57.393 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 160, time: 0.045648, dt: 0.000266, next write at time: 1.777778

2025-08-30 07:18:57.415 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 161, time: 0.045914, dt: 0.000266, next write at time: 1.788889

2025-08-30 07:18:57.434 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 162, time: 0.046180, dt: 0.000266, next write at time: 1.800000

2025-08-30 07:18:57.457 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 163, time: 0.046446, dt: 0.000266, next write at time: 1.811111

2025-08-30 07:18:57.476 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 164, time: 0.046711, dt: 0.000266, next write at time: 1.822222

2025-08-30 07:18:57.493 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 165, time: 0.046977, dt: 0.000266, next write at time: 1.833333

2025-08-30 07:18:57.513 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 166, time: 0.047243, dt: 0.000266, next write at time: 1.844444

2025-08-30 07:18:57.531 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 167, time: 0.047509, dt: 0.000266, next write at time: 1.855556

2025-08-30 07:18:57.551 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 168, time: 0.047775, dt: 0.000266, next write at time: 1.866667

2025-08-30 07:18:57.572 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 169, time: 0.048040, dt: 0.000266, next write at time: 1.877778

2025-08-30 07:18:57.592 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 170, time: 0.048306, dt: 0.000266, next write at time: 1.888889

2025-08-30 07:18:57.610 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 171, time: 0.048572, dt: 0.000266, next write at time: 1.900000

2025-08-30 07:18:57.636 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 172, time: 0.048838, dt: 0.000266, next write at time: 1.911111

2025-08-30 07:18:57.665 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 173, time: 0.049104, dt: 0.000266, next write at time: 1.922222

2025-08-30 07:18:57.695 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 174, time: 0.049369, dt: 0.000266, next write at time: 1.933333

2025-08-30 07:18:57.716 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 175, time: 0.049635, dt: 0.000266, next write at time: 1.944444

2025-08-30 07:18:57.742 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 176, time: 0.049901, dt: 0.000266, next write at time: 1.955556

2025-08-30 07:18:57.765 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 177, time: 0.050167, dt: 0.000266, next write at time: 1.966667

2025-08-30 07:18:57.793 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 178, time: 0.050432, dt: 0.000266, next write at time: 1.977778

2025-08-30 07:18:57.813 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 179, time: 0.050698, dt: 0.000266, next write at time: 1.988889

2025-08-30 07:18:57.836 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 180, time: 0.050964, dt: 0.000266, next write at time: 2.000000

2025-08-30 07:18:57.877 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 181, time: 0.051230, dt: 0.000266, next write at time: 2.011111

2025-08-30 07:18:57.940 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 182, time: 0.051496, dt: 0.000266, next write at time: 2.022222

2025-08-30 07:18:57.971 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 183, time: 0.051761, dt: 0.000266, next write at time: 2.033333

2025-08-30 07:18:57.995 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 184, time: 0.052027, dt: 0.000266, next write at time: 2.044444

2025-08-30 07:18:58.014 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 185, time: 0.052293, dt: 0.000266, next write at time: 2.055556

2025-08-30 07:18:58.032 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 186, time: 0.052559, dt: 0.000266, next write at time: 2.066667

2025-08-30 07:18:58.051 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 187, time: 0.052825, dt: 0.000266, next write at time: 2.077778

2025-08-30 07:18:58.073 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 188, time: 0.053090, dt: 0.000266, next write at time: 2.088889

2025-08-30 07:18:58.108 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 189, time: 0.053356, dt: 0.000266, next write at time: 2.100000

2025-08-30 07:18:58.126 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 190, time: 0.053622, dt: 0.000266, next write at time: 2.111111

2025-08-30 07:18:58.143 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 191, time: 0.053888, dt: 0.000266, next write at time: 2.122222

2025-08-30 07:18:58.163 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 192, time: 0.054154, dt: 0.000266, next write at time: 2.133333

2025-08-30 07:18:58.179 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 193, time: 0.054419, dt: 0.000266, next write at time: 2.144444

2025-08-30 07:18:58.199 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 194, time: 0.054685, dt: 0.000266, next write at time: 2.155556

2025-08-30 07:18:58.222 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 195, time: 0.054951, dt: 0.000266, next write at time: 2.166667

2025-08-30 07:18:58.242 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 196, time: 0.055217, dt: 0.000266, next write at time: 2.177778

2025-08-30 07:18:58.260 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 197, time: 0.055483, dt: 0.000266, next write at time: 2.188889

2025-08-30 07:18:58.277 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 198, time: 0.055748, dt: 0.000266, next write at time: 2.200000

2025-08-30 07:18:58.295 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 199, time: 0.056014, dt: 0.000266, next write at time: 2.211111

2025-08-30 07:18:58.314 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 200, time: 0.056280, dt: 0.000266, next write at time: 2.222222

2025-08-30 07:18:58.333 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 201, time: 0.056546, dt: 0.000266, next write at time: 2.233333

2025-08-30 07:18:58.369 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 202, time: 0.056812, dt: 0.000266, next write at time: 2.244444

2025-08-30 07:18:58.392 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 203, time: 0.057077, dt: 0.000266, next write at time: 2.255556

2025-08-30 07:18:58.411 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 204, time: 0.057343, dt: 0.000266, next write at time: 2.266667

2025-08-30 07:18:58.430 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 205, time: 0.057609, dt: 0.000266, next write at time: 2.277778

2025-08-30 07:18:58.451 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 206, time: 0.057875, dt: 0.000266, next write at time: 2.288889

2025-08-30 07:18:58.472 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 207, time: 0.058141, dt: 0.000266, next write at time: 2.300000

2025-08-30 07:18:58.489 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 208, time: 0.058406, dt: 0.000266, next write at time: 2.311111

2025-08-30 07:18:58.507 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 209, time: 0.058672, dt: 0.000266, next write at time: 2.322222

2025-08-30 07:18:58.526 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 210, time: 0.058938, dt: 0.000266, next write at time: 2.333333

2025-08-30 07:18:58.545 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 211, time: 0.059204, dt: 0.000266, next write at time: 2.344444

2025-08-30 07:18:58.563 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 212, time: 0.059470, dt: 0.000266, next write at time: 2.355556

2025-08-30 07:18:58.580 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 213, time: 0.059735, dt: 0.000266, next write at time: 2.366667

2025-08-30 07:18:58.607 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 214, time: 0.060001, dt: 0.000266, next write at time: 2.377778

2025-08-30 07:18:58.627 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 215, time: 0.060267, dt: 0.000266, next write at time: 2.388889

2025-08-30 07:18:58.647 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 216, time: 0.060533, dt: 0.000266, next write at time: 2.400000

2025-08-30 07:18:58.666 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 217, time: 0.060799, dt: 0.000266, next write at time: 2.411111

2025-08-30 07:18:58.687 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 218, time: 0.061064, dt: 0.000266, next write at time: 2.422222

2025-08-30 07:18:58.709 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 219, time: 0.061330, dt: 0.000266, next write at time: 2.433333

2025-08-30 07:18:58.726 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 220, time: 0.061596, dt: 0.000266, next write at time: 2.444444

2025-08-30 07:18:58.743 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 221, time: 0.061862, dt: 0.000266, next write at time: 2.455556

2025-08-30 07:18:58.764 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 222, time: 0.062128, dt: 0.000266, next write at time: 2.466667

2025-08-30 07:18:58.780 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 223, time: 0.062393, dt: 0.000266, next write at time: 2.477778

2025-08-30 07:18:58.798 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 224, time: 0.062659, dt: 0.000266, next write at time: 2.488889

2025-08-30 07:18:58.817 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 225, time: 0.062925, dt: 0.000266, next write at time: 2.500000

2025-08-30 07:18:58.836 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 226, time: 0.063191, dt: 0.000266, next write at time: 2.511111

2025-08-30 07:18:58.862 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 227, time: 0.063457, dt: 0.000266, next write at time: 2.522222

2025-08-30 07:18:58.884 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 228, time: 0.063722, dt: 0.000266, next write at time: 2.533333

2025-08-30 07:18:58.909 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 229, time: 0.063988, dt: 0.000266, next write at time: 2.544444

2025-08-30 07:18:58.927 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 230, time: 0.064254, dt: 0.000266, next write at time: 2.555556

2025-08-30 07:18:58.945 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 231, time: 0.064520, dt: 0.000266, next write at time: 2.566667

2025-08-30 07:18:58.962 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 232, time: 0.064786, dt: 0.000266, next write at time: 2.577778

2025-08-30 07:18:58.982 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 233, time: 0.065051, dt: 0.000266, next write at time: 2.588889

2025-08-30 07:18:59.001 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 234, time: 0.065317, dt: 0.000266, next write at time: 2.600000

2025-08-30 07:18:59.024 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 235, time: 0.065583, dt: 0.000266, next write at time: 2.611111

2025-08-30 07:18:59.043 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 236, time: 0.065849, dt: 0.000266, next write at time: 2.622222

2025-08-30 07:18:59.061 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 237, time: 0.066115, dt: 0.000266, next write at time: 2.633333

2025-08-30 07:18:59.082 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 238, time: 0.066380, dt: 0.000266, next write at time: 2.644444

2025-08-30 07:18:59.101 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 239, time: 0.066646, dt: 0.000266, next write at time: 2.655556

2025-08-30 07:18:59.123 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 240, time: 0.066912, dt: 0.000266, next write at time: 2.666667

2025-08-30 07:18:59.157 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 241, time: 0.067178, dt: 0.000266, next write at time: 2.677778

2025-08-30 07:18:59.180 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 242, time: 0.067444, dt: 0.000266, next write at time: 2.688889

2025-08-30 07:18:59.200 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 243, time: 0.067709, dt: 0.000266, next write at time: 2.700000

2025-08-30 07:18:59.219 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 244, time: 0.067975, dt: 0.000266, next write at time: 2.711111

2025-08-30 07:18:59.243 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 245, time: 0.068241, dt: 0.000266, next write at time: 2.722222

2025-08-30 07:18:59.261 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 246, time: 0.068507, dt: 0.000266, next write at time: 2.733333

2025-08-30 07:18:59.279 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 247, time: 0.068773, dt: 0.000266, next write at time: 2.744444

2025-08-30 07:18:59.297 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 248, time: 0.069038, dt: 0.000266, next write at time: 2.755556

2025-08-30 07:18:59.315 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 249, time: 0.069304, dt: 0.000266, next write at time: 2.766667

2025-08-30 07:18:59.334 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 250, time: 0.069570, dt: 0.000266, next write at time: 2.777778

2025-08-30 07:18:59.357 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 251, time: 0.069836, dt: 0.000266, next write at time: 2.788889

2025-08-30 07:18:59.376 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 252, time: 0.070102, dt: 0.000266, next write at time: 2.800000

2025-08-30 07:18:59.400 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 253, time: 0.070367, dt: 0.000266, next write at time: 2.811111

2025-08-30 07:18:59.424 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 254, time: 0.070633, dt: 0.000266, next write at time: 2.822222

2025-08-30 07:18:59.446 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 255, time: 0.070899, dt: 0.000266, next write at time: 2.833333

2025-08-30 07:18:59.465 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 256, time: 0.071165, dt: 0.000266, next write at time: 2.844444

2025-08-30 07:18:59.483 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 257, time: 0.071431, dt: 0.000266, next write at time: 2.855556

2025-08-30 07:18:59.506 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 258, time: 0.071696, dt: 0.000266, next write at time: 2.866667

2025-08-30 07:18:59.524 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 259, time: 0.071962, dt: 0.000266, next write at time: 2.877778

2025-08-30 07:18:59.544 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 260, time: 0.072228, dt: 0.000266, next write at time: 2.888889

2025-08-30 07:18:59.567 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 261, time: 0.072494, dt: 0.000266, next write at time: 2.900000

2025-08-30 07:18:59.590 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 262, time: 0.072760, dt: 0.000266, next write at time: 2.911111

2025-08-30 07:18:59.609 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 263, time: 0.073025, dt: 0.000266, next write at time: 2.922222

2025-08-30 07:18:59.627 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 264, time: 0.073291, dt: 0.000266, next write at time: 2.933333

2025-08-30 07:18:59.645 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 265, time: 0.073557, dt: 0.000266, next write at time: 2.944444

2025-08-30 07:18:59.684 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 266, time: 0.073823, dt: 0.000266, next write at time: 2.955556

2025-08-30 07:18:59.708 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 267, time: 0.074089, dt: 0.000266, next write at time: 2.966667

2025-08-30 07:18:59.726 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 268, time: 0.074354, dt: 0.000266, next write at time: 2.977778

2025-08-30 07:18:59.747 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 269, time: 0.074620, dt: 0.000266, next write at time: 2.988889

2025-08-30 07:18:59.771 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 270, time: 0.074886, dt: 0.000266, next write at time: 3.000000

2025-08-30 07:18:59.791 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 271, time: 0.075152, dt: 0.000266, next write at time: 3.011111

2025-08-30 07:18:59.810 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 272, time: 0.075418, dt: 0.000266, next write at time: 3.022222

2025-08-30 07:18:59.829 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 273, time: 0.075683, dt: 0.000266, next write at time: 3.033333

2025-08-30 07:18:59.846 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 274, time: 0.075949, dt: 0.000266, next write at time: 3.044444

2025-08-30 07:18:59.869 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 275, time: 0.076215, dt: 0.000266, next write at time: 3.055556

2025-08-30 07:18:59.891 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 276, time: 0.076481, dt: 0.000266, next write at time: 3.066667

2025-08-30 07:18:59.910 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 277, time: 0.076747, dt: 0.000266, next write at time: 3.077778

2025-08-30 07:18:59.964 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 278, time: 0.077012, dt: 0.000266, next write at time: 3.088889

2025-08-30 07:19:00.005 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 279, time: 0.077278, dt: 0.000266, next write at time: 3.100000

2025-08-30 07:19:00.064 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 280, time: 0.077544, dt: 0.000266, next write at time: 3.111111

2025-08-30 07:19:00.108 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 281, time: 0.077810, dt: 0.000266, next write at time: 3.122222

2025-08-30 07:19:00.130 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 282, time: 0.078076, dt: 0.000266, next write at time: 3.133333

2025-08-30 07:19:00.152 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 283, time: 0.078341, dt: 0.000266, next write at time: 3.144444

2025-08-30 07:19:00.193 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 284, time: 0.078607, dt: 0.000266, next write at time: 3.155556

2025-08-30 07:19:00.212 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 285, time: 0.078873, dt: 0.000266, next write at time: 3.166667

2025-08-30 07:19:00.238 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 286, time: 0.079139, dt: 0.000266, next write at time: 3.177778

2025-08-30 07:19:00.258 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 287, time: 0.079405, dt: 0.000266, next write at time: 3.188889

2025-08-30 07:19:00.278 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 288, time: 0.079670, dt: 0.000266, next write at time: 3.200000

2025-08-30 07:19:00.296 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 289, time: 0.079936, dt: 0.000266, next write at time: 3.211111

2025-08-30 07:19:00.315 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 290, time: 0.080202, dt: 0.000266, next write at time: 3.222222

2025-08-30 07:19:00.333 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 291, time: 0.080468, dt: 0.000266, next write at time: 3.233333

2025-08-30 07:19:00.357 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 292, time: 0.080734, dt: 0.000266, next write at time: 3.244444

2025-08-30 07:19:00.376 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 293, time: 0.080999, dt: 0.000266, next write at time: 3.255556

2025-08-30 07:19:00.419 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 294, time: 0.081265, dt: 0.000266, next write at time: 3.266667

2025-08-30 07:19:00.443 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 295, time: 0.081531, dt: 0.000266, next write at time: 3.277778

2025-08-30 07:19:00.462 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 296, time: 0.081797, dt: 0.000266, next write at time: 3.288889

2025-08-30 07:19:00.484 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 297, time: 0.082063, dt: 0.000266, next write at time: 3.300000

2025-08-30 07:19:00.506 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 298, time: 0.082328, dt: 0.000266, next write at time: 3.311111

2025-08-30 07:19:00.526 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 299, time: 0.082594, dt: 0.000266, next write at time: 3.322222

2025-08-30 07:19:00.549 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 300, time: 0.082860, dt: 0.000266, next write at time: 3.333333

2025-08-30 07:19:00.567 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 301, time: 0.083126, dt: 0.000266, next write at time: 3.344444

2025-08-30 07:19:00.590 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 302, time: 0.083392, dt: 0.000266, next write at time: 3.355556

2025-08-30 07:19:00.609 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 303, time: 0.083657, dt: 0.000266, next write at time: 3.366667

2025-08-30 07:19:00.629 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 304, time: 0.083923, dt: 0.000266, next write at time: 3.377778

2025-08-30 07:19:00.646 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 305, time: 0.084189, dt: 0.000266, next write at time: 3.388889

2025-08-30 07:19:00.666 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 306, time: 0.084455, dt: 0.000266, next write at time: 3.400000

2025-08-30 07:19:00.684 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 307, time: 0.084721, dt: 0.000266, next write at time: 3.411111

2025-08-30 07:19:00.710 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 308, time: 0.084986, dt: 0.000266, next write at time: 3.422222

2025-08-30 07:19:00.732 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 309, time: 0.085252, dt: 0.000266, next write at time: 3.433333

2025-08-30 07:19:00.758 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 310, time: 0.085518, dt: 0.000266, next write at time: 3.444444

2025-08-30 07:19:00.777 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 311, time: 0.085784, dt: 0.000266, next write at time: 3.455556

2025-08-30 07:19:00.794 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 312, time: 0.086050, dt: 0.000266, next write at time: 3.466667

2025-08-30 07:19:00.811 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 313, time: 0.086315, dt: 0.000266, next write at time: 3.477778

2025-08-30 07:19:00.828 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 314, time: 0.086581, dt: 0.000266, next write at time: 3.488889

2025-08-30 07:19:00.849 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 315, time: 0.086847, dt: 0.000266, next write at time: 3.500000

2025-08-30 07:19:00.869 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 316, time: 0.087113, dt: 0.000266, next write at time: 3.511111

2025-08-30 07:19:00.891 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 317, time: 0.087379, dt: 0.000266, next write at time: 3.522222

2025-08-30 07:19:00.909 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 318, time: 0.087644, dt: 0.000266, next write at time: 3.533333

2025-08-30 07:19:00.927 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 319, time: 0.087910, dt: 0.000266, next write at time: 3.544444

2025-08-30 07:19:00.943 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 320, time: 0.088176, dt: 0.000266, next write at time: 3.555556

2025-08-30 07:19:00.964 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 321, time: 0.088442, dt: 0.000266, next write at time: 3.566667

2025-08-30 07:19:00.995 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 322, time: 0.088708, dt: 0.000266, next write at time: 3.577778

2025-08-30 07:19:01.015 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 323, time: 0.088973, dt: 0.000266, next write at time: 3.588889

2025-08-30 07:19:01.035 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 324, time: 0.089239, dt: 0.000266, next write at time: 3.600000

2025-08-30 07:19:01.056 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 325, time: 0.089505, dt: 0.000266, next write at time: 3.611111

2025-08-30 07:19:01.075 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 326, time: 0.089771, dt: 0.000266, next write at time: 3.622222

2025-08-30 07:19:01.092 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 327, time: 0.090037, dt: 0.000266, next write at time: 3.633333

2025-08-30 07:19:01.110 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 328, time: 0.090302, dt: 0.000266, next write at time: 3.644444

2025-08-30 07:19:01.129 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 329, time: 0.090568, dt: 0.000266, next write at time: 3.655556

2025-08-30 07:19:01.150 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 330, time: 0.090834, dt: 0.000266, next write at time: 3.666667

2025-08-30 07:19:01.175 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 331, time: 0.091100, dt: 0.000266, next write at time: 3.677778

2025-08-30 07:19:01.194 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 332, time: 0.091366, dt: 0.000266, next write at time: 3.688889

2025-08-30 07:19:01.210 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 333, time: 0.091631, dt: 0.000266, next write at time: 3.700000

2025-08-30 07:19:01.229 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 334, time: 0.091897, dt: 0.000266, next write at time: 3.711111

2025-08-30 07:19:01.249 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 335, time: 0.092163, dt: 0.000266, next write at time: 3.722222

2025-08-30 07:19:01.267 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 336, time: 0.092429, dt: 0.000266, next write at time: 3.733333

2025-08-30 07:19:01.297 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 337, time: 0.092695, dt: 0.000266, next write at time: 3.744444

2025-08-30 07:19:01.397 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 338, time: 0.092960, dt: 0.000266, next write at time: 3.755556

2025-08-30 07:19:01.422 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 339, time: 0.093226, dt: 0.000266, next write at time: 3.766667

2025-08-30 07:19:01.447 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 340, time: 0.093492, dt: 0.000266, next write at time: 3.777778

2025-08-30 07:19:01.466 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 341, time: 0.093758, dt: 0.000266, next write at time: 3.788889

2025-08-30 07:19:01.490 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 342, time: 0.094024, dt: 0.000266, next write at time: 3.800000

2025-08-30 07:19:01.510 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 343, time: 0.094289, dt: 0.000266, next write at time: 3.811111

2025-08-30 07:19:01.530 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 344, time: 0.094555, dt: 0.000266, next write at time: 3.822222

2025-08-30 07:19:01.549 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 345, time: 0.094821, dt: 0.000266, next write at time: 3.833333

2025-08-30 07:19:01.574 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 346, time: 0.095087, dt: 0.000266, next write at time: 3.844444

2025-08-30 07:19:01.592 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 347, time: 0.095353, dt: 0.000266, next write at time: 3.855556

2025-08-30 07:19:01.612 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 348, time: 0.095618, dt: 0.000266, next write at time: 3.866667

2025-08-30 07:19:01.630 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 349, time: 0.095884, dt: 0.000266, next write at time: 3.877778

2025-08-30 07:19:01.650 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 350, time: 0.096150, dt: 0.000266, next write at time: 3.888889

2025-08-30 07:19:01.671 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 351, time: 0.096416, dt: 0.000266, next write at time: 3.900000

2025-08-30 07:19:01.716 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 352, time: 0.096682, dt: 0.000266, next write at time: 3.911111

2025-08-30 07:19:01.742 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 353, time: 0.096947, dt: 0.000266, next write at time: 3.922222

2025-08-30 07:19:01.761 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 354, time: 0.097213, dt: 0.000266, next write at time: 3.933333

2025-08-30 07:19:01.781 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 355, time: 0.097479, dt: 0.000266, next write at time: 3.944444

2025-08-30 07:19:01.801 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 356, time: 0.097745, dt: 0.000266, next write at time: 3.955556

2025-08-30 07:19:01.825 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 357, time: 0.098011, dt: 0.000266, next write at time: 3.966667

2025-08-30 07:19:01.843 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 358, time: 0.098276, dt: 0.000266, next write at time: 3.977778

2025-08-30 07:19:01.861 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 359, time: 0.098542, dt: 0.000266, next write at time: 3.988889

2025-08-30 07:19:01.880 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 360, time: 0.098808, dt: 0.000266, next write at time: 4.000000

2025-08-30 07:19:01.901 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 361, time: 0.099074, dt: 0.000266, next write at time: 4.011111

2025-08-30 07:19:01.926 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 362, time: 0.099340, dt: 0.000266, next write at time: 4.022222

2025-08-30 07:19:01.944 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 363, time: 0.099605, dt: 0.000266, next write at time: 4.033333

2025-08-30 07:19:01.961 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 364, time: 0.099871, dt: 0.000266, next write at time: 4.044444

2025-08-30 07:19:01.980 | INFO     | library.fvm.solver_jax:log_callback_hyperbolic:44 - iteration: 365, time: 0.100137, dt: 0.000266, next write at time: 4.055556

2025-08-30 07:19:02.045 | INFO     | library.fvm.solver_jax:log_callback_execution_time:56 - Finished simulation with in 9.556 seconds

Visualization

io.generate_vtk(os.path.join(settings.output.directory, f"{settings.output.filename}.h5"))
# postprocessing.vtk_project_2d_to_3d(model, settings, Nz=20, filename='out_3d')
# visu.pyvista_3d(settings.output.directory, scale=1.0)