diff --git a/examples/fluid/dam_break_2d.jl b/examples/fluid/dam_break_2d.jl index c52126181..40176927c 100644 --- a/examples/fluid/dam_break_2d.jl +++ b/examples/fluid/dam_break_2d.jl @@ -8,12 +8,16 @@ using TrixiParticles using OrdinaryDiffEq +# Size parameters +H = 0.6 +W = 2 * H + # ========================================================================================== # ==== Resolution -fluid_particle_spacing = 0.02 +fluid_particle_spacing = H / 40 # Change spacing ratio to 3 and boundary layers to 1 when using Monaghan-Kajtar boundary model -boundary_layers = 3 +boundary_layers = 4 spacing_ratio = 1 boundary_particle_spacing = fluid_particle_spacing / spacing_ratio @@ -21,16 +25,17 @@ boundary_particle_spacing = fluid_particle_spacing / spacing_ratio # ========================================================================================== # ==== Experiment Setup gravity = 9.81 + tspan = (0.0, 5.7 / sqrt(gravity)) # Boundary geometry and initial fluid particle positions -initial_fluid_size = (2.0, 1.0) -tank_size = (floor(5.366 / boundary_particle_spacing) * boundary_particle_spacing, 4.0) +initial_fluid_size = (W, H) +tank_size = (floor(5.366 * H / boundary_particle_spacing) * boundary_particle_spacing, 4.0) fluid_density = 1000.0 -sound_speed = 20 * sqrt(gravity * initial_fluid_size[2]) +sound_speed = 20 * sqrt(gravity * H) state_equation = StateEquationCole(; sound_speed, reference_density=fluid_density, - exponent=7, clip_negative_pressure=false) + exponent=1, clip_negative_pressure=false) tank = RectangularTank(fluid_particle_spacing, initial_fluid_size, tank_size, fluid_density, n_layers=boundary_layers, spacing_ratio=spacing_ratio, @@ -38,19 +43,22 @@ tank = RectangularTank(fluid_particle_spacing, initial_fluid_size, tank_size, fl # ========================================================================================== # ==== Fluid -smoothing_length = 3.0 * fluid_particle_spacing +smoothing_length = 3.5 * fluid_particle_spacing smoothing_kernel = WendlandC2Kernel{2}() fluid_density_calculator = ContinuityDensity() viscosity = ArtificialViscosityMonaghan(alpha=0.02, beta=0.0) -density_diffusion = DensityDiffusionMolteniColagrossi(delta=0.1) -# density_diffusion = DensityDiffusionAntuono(tank.fluid, delta=0.1) +# Alternatively the density diffusion model by Molteni & Colagrossi can be used, +# which will run faster. +# density_diffusion = DensityDiffusionMolteniColagrossi(delta=0.1) +density_diffusion = DensityDiffusionAntuono(tank.fluid, delta=0.1) fluid_system = WeaklyCompressibleSPHSystem(tank.fluid, fluid_density_calculator, state_equation, smoothing_kernel, smoothing_length, viscosity=viscosity, density_diffusion=density_diffusion, - acceleration=(0.0, -gravity), correction=nothing) + acceleration=(0.0, -gravity), + correction=nothing) # ========================================================================================== # ==== Boundary @@ -65,18 +73,32 @@ boundary_system = BoundarySPHSystem(tank.boundary, boundary_model) # ========================================================================================== # ==== Simulation -semi = Semidiscretization(fluid_system, boundary_system) +semi = Semidiscretization(fluid_system, boundary_system, threaded_nhs_update=true) ode = semidiscretize(semi, tspan) info_callback = InfoCallback(interval=100) -saving_callback = SolutionSavingCallback(dt=0.02, prefix="") + +solution_prefix = "" +saving_callback = SolutionSavingCallback(dt=0.02, prefix=solution_prefix) + +# Save at certain timepoints which allows comparison to the results of Marrone et al., +# i.e. (1.5, 2.36, 3.0, 5.7, 6.45). +# Please note that the images in Marrone et al. are obtained at a particle_spacing = H/320, +# which takes between 2 and 4 hours. +saving_paper = SolutionSavingCallback(save_times=[0.0, 0.371, 0.584, 0.743, 1.411, 1.597], + prefix="marrone_times") + +# This can be overwritten with `trixi_include` +extra_callback = nothing use_reinit = false -density_reinit_cb = use_reinit ? DensityReinitializationCallback(semi.systems[1], dt=0.01) : +density_reinit_cb = use_reinit ? + DensityReinitializationCallback(semi.systems[1], interval=10) : nothing -stepsize_callback = StepsizeCallback(cfl=1.1) +stepsize_callback = StepsizeCallback(cfl=0.9) -callbacks = CallbackSet(info_callback, saving_callback, stepsize_callback) +callbacks = CallbackSet(info_callback, saving_callback, stepsize_callback, extra_callback, + density_reinit_cb, saving_paper) sol = solve(ode, CarpenterKennedy2N54(williamson_condition=false), dt=1.0, # This is overwritten by the stepsize callback diff --git a/src/TrixiParticles.jl b/src/TrixiParticles.jl index e576cc37b..d623cb9f7 100644 --- a/src/TrixiParticles.jl +++ b/src/TrixiParticles.jl @@ -5,7 +5,7 @@ using Reexport: @reexport using CSV: CSV using Dates using DataFrames: DataFrame -using DiffEqCallbacks: PeriodicCallback, PeriodicCallbackAffect +using DiffEqCallbacks: PeriodicCallback, PeriodicCallbackAffect, PresetTimeCallback using FastPow: @fastpow using ForwardDiff: ForwardDiff using JSON: JSON diff --git a/src/callbacks/solution_saving.jl b/src/callbacks/solution_saving.jl index 2ece43a1a..119f80e80 100644 --- a/src/callbacks/solution_saving.jl +++ b/src/callbacks/solution_saving.jl @@ -1,8 +1,9 @@ @doc raw""" - SolutionSavingCallback(; interval::Integer=0, dt=0.0, + SolutionSavingCallback(; interval::Integer=0, dt=0.0, save_times=Array{Float64, 1}([]), save_initial_solution=true, save_final_solution=true, - output_directory="out", append_timestamp=false, - max_coordinates=2^15, custom_quantities...) + output_directory="out", append_timestamp=false, max_coordinates=2^15, + custom_quantities...) + Callback to save the current numerical solution in VTK format in regular intervals. Either pass `interval` to save every `interval` time steps, @@ -19,6 +20,7 @@ To ignore a custom quantity for a specific system, return `nothing`. - `dt`: Save the solution in regular intervals of `dt` in terms of integration time by adding additional `tstops` (note that this may change the solution). +- `save_times=[]` List of times at which to save a solution. - `save_initial_solution=true`: Save the initial solution. - `save_final_solution=true`: Save the final solution. - `output_directory="out"`: Directory to save the VTK files. @@ -64,6 +66,7 @@ saving_callback = SolutionSavingCallback(dt=0.1, my_custom_quantity=kinetic_ener """ mutable struct SolutionSavingCallback{I, CQ} interval :: I + save_times :: Array{Float64, 1} save_initial_solution :: Bool save_final_solution :: Bool write_meta_data :: Bool @@ -76,13 +79,14 @@ mutable struct SolutionSavingCallback{I, CQ} end function SolutionSavingCallback(; interval::Integer=0, dt=0.0, - save_initial_solution=true, - save_final_solution=true, + save_times=Array{Float64, 1}([]), + save_initial_solution=true, save_final_solution=true, output_directory="out", append_timestamp=false, prefix="", verbose=false, write_meta_data=true, max_coordinates=Float64(2^15), custom_quantities...) - if dt > 0 && interval > 0 - throw(ArgumentError("Setting both interval and dt is not supported!")) + if (dt > 0 && interval > 0) || (length(save_times) > 0 && (dt > 0 || interval > 0)) + throw(ArgumentError("Setting multiple save times for the same solution " * + "callback is not possible. Use either `dt`, `interval` or `save_times`.")) end if dt > 0 @@ -93,13 +97,15 @@ function SolutionSavingCallback(; interval::Integer=0, dt=0.0, output_directory *= string("_", Dates.format(now(), "YY-mm-ddTHHMMSS")) end - solution_callback = SolutionSavingCallback(interval, + solution_callback = SolutionSavingCallback(interval, save_times, save_initial_solution, save_final_solution, write_meta_data, verbose, output_directory, prefix, max_coordinates, custom_quantities, -1) - if dt > 0 + if length(save_times) > 0 + return PresetTimeCallback(save_times, solution_callback) + elseif dt > 0 # Add a `tstop` every `dt`, and save the final solution. return PeriodicCallback(solution_callback, dt, initialize=initialize_save_cb!, diff --git a/src/general/interpolation.jl b/src/general/interpolation.jl index a29b06c7c..51b13c681 100644 --- a/src/general/interpolation.jl +++ b/src/general/interpolation.jl @@ -2,7 +2,8 @@ using LinearAlgebra @doc raw""" interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_system, sol; - smoothing_length=ref_system.smoothing_length, cut_off_bnd=true) + smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, + clip_negative_pressure=false) Interpolates properties along a plane in a TrixiParticles simulation. The region for interpolation is defined by its lower left and top right corners, @@ -29,6 +30,9 @@ See also: [`interpolate_plane_2d_vtk`](@ref), [`interpolate_plane_3d`](@ref), Or, in more detail, when the boundary has more influence than the fluid on the density summation in this point, i.e., when the boundary particles add more kernel-weighted mass than the fluid particles. +- `clip_negative_pressure=false`: One common approach in SPH models is to clip negative pressure + values, but this is unphysical. Instead we clip here during + interpolation thus only impacting the local interpolated value. # Returns - A `NamedTuple` of arrays containing interpolated properties at each point within the plane. @@ -49,12 +53,13 @@ results = interpolate_plane_2d([0.0, 0.0], [1.0, 1.0], 0.2, semi, ref_system, so """ function interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) # Filter out particles without neighbors filter_no_neighbors = true results, _, _ = interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_system, sol, filter_no_neighbors, - smoothing_length, cut_off_bnd) + smoothing_length, cut_off_bnd, + clip_negative_pressure) return results end @@ -62,7 +67,7 @@ end @doc raw""" interpolate_plane_2d_vtk(min_corner, max_corner, resolution, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, - output_directory="out", filename="plane") + clip_negative_pressure=false, output_directory="out", filename="plane") Interpolates properties along a plane in a TrixiParticles simulation and exports the result as a VTI file. @@ -92,6 +97,9 @@ See also: [`interpolate_plane_2d`](@ref), [`interpolate_plane_3d`](@ref), Or, in more detail, when the boundary has more influence than the fluid on the density summation in this point, i.e., when the boundary particles add more kernel-weighted mass than the fluid particles. +- `clip_negative_pressure=false`: One common approach in SPH models is to clip negative pressure + values, but this is unphysical. Instead we clip here during + interpolation thus only impacting the local interpolated value. !!! note - The interpolation accuracy is subject to the density of particles and the chosen smoothing length. @@ -106,14 +114,15 @@ results = interpolate_plane_2d([0.0, 0.0], [1.0, 1.0], 0.2, semi, ref_system, so """ function interpolate_plane_2d_vtk(min_corner, max_corner, resolution, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true, + cut_off_bnd=true, clip_negative_pressure=false, output_directory="out", filename="plane") # Don't filter out particles without neighbors to keep 2D grid structure filter_no_neighbors = false results, x_range, y_range = interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_system, sol, filter_no_neighbors, - smoothing_length, cut_off_bnd) + smoothing_length, cut_off_bnd, + clip_negative_pressure) density = reshape(results.density, length(x_range), length(y_range)) velocity = reshape(results.velocity, length(x_range), length(y_range)) @@ -127,7 +136,8 @@ function interpolate_plane_2d_vtk(min_corner, max_corner, resolution, semi, ref_ end function interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_system, sol, - filter_no_neighbors, smoothing_length, cut_off_bnd) + filter_no_neighbors, smoothing_length, cut_off_bnd, + clip_negative_pressure) dims = length(min_corner) if dims != 2 || length(max_corner) != 2 throw(ArgumentError("function is intended for 2D coordinates only")) @@ -149,7 +159,8 @@ function interpolate_plane_2d(min_corner, max_corner, resolution, semi, ref_syst results = interpolate_point(points_coords, semi, ref_system, sol, smoothing_length=smoothing_length, - cut_off_bnd=cut_off_bnd) + cut_off_bnd=cut_off_bnd, + clip_negative_pressure=clip_negative_pressure) if filter_no_neighbors # Find indices where neighbor_count > 0 @@ -164,7 +175,8 @@ end @doc raw""" interpolate_plane_3d(point1, point2, point3, resolution, semi, ref_system, sol; - smoothing_length=ref_system.smoothing_length, cut_off_bnd=true) + smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, + clip_negative_pressure=false) Interpolates properties along a plane in a 3D space in a TrixiParticles simulation. The plane for interpolation is defined by three points in 3D space, @@ -192,6 +204,9 @@ See also: [`interpolate_plane_2d`](@ref), [`interpolate_plane_2d_vtk`](@ref), Or, in more detail, when the boundary has more influence than the fluid on the density summation in this point, i.e., when the boundary particles add more kernel-weighted mass than the fluid particles. +- `clip_negative_pressure=false`: One common approach in SPH models is to clip negative pressure + values, but this is unphysical. Instead we clip here during + interpolation thus only impacting the local interpolated value. # Returns - A `NamedTuple` of arrays containing interpolated properties at each point within the plane. @@ -213,7 +228,7 @@ results = interpolate_plane_3d([0.0, 0.0, 0.0], [1.0, 0.0, 0.0], [0.0, 1.0, 0.0] """ function interpolate_plane_3d(point1, point2, point3, resolution, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) # Verify that points are in 3D space if length(point1) != 3 || length(point2) != 3 || length(point3) != 3 throw(ArgumentError("all points must be 3D coordinates")) @@ -257,7 +272,8 @@ function interpolate_plane_3d(point1, point2, point3, resolution, semi, ref_syst # Interpolate using the generated points results = interpolate_point(points_coords, semi, ref_system, sol, smoothing_length=smoothing_length, - cut_off_bnd=cut_off_bnd) + cut_off_bnd=cut_off_bnd, + clip_negative_pressure=clip_negative_pressure) # Filter results indices = findall(x -> x > 0, results.neighbor_count) @@ -268,7 +284,8 @@ end @doc raw""" interpolate_line(start, end_, n_points, semi, ref_system, sol; endpoint=true, - smoothing_length=ref_system.smoothing_length, cut_off_bnd=true) + smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, + clip_negative_pressure=false) Interpolates properties along a line in a TrixiParticles simulation. The line interpolation is accomplished by generating a series of @@ -295,6 +312,9 @@ See also: [`interpolate_point`](@ref), [`interpolate_plane_2d`](@ref), Or, in more detail, when the boundary has more influence than the fluid on the density summation in this point, i.e., when the boundary particles add more kernel-weighted mass than the fluid particles. +- `clip_negative_pressure=false`: One common approach in SPH models is to clip negative pressure + values, but this is unphysical. Instead we clip here during + interpolation thus only impacting the local interpolated value. # Returns - A `NamedTuple` of arrays containing interpolated properties at each point along the line. @@ -317,7 +337,7 @@ results = interpolate_line([1.0, 0.0], [1.0, 1.0], 5, semi, ref_system, sol) """ function interpolate_line(start, end_, n_points, semi, ref_system, sol; endpoint=true, smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) start_svector = SVector{ndims(ref_system)}(start) end_svector = SVector{ndims(ref_system)}(end_) points_coords = range(start_svector, end_svector, length=n_points) @@ -328,15 +348,18 @@ function interpolate_line(start, end_, n_points, semi, ref_system, sol; endpoint return interpolate_point(points_coords, semi, ref_system, sol, smoothing_length=smoothing_length, - cut_off_bnd=cut_off_bnd) + cut_off_bnd=cut_off_bnd, + clip_negative_pressure=clip_negative_pressure) end @doc raw""" interpolate_point(points_coords::Array{Array{Float64,1},1}, semi, ref_system, sol; - smoothing_length=ref_system.smoothing_length, cut_off_bnd=true) + smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, + clip_negative_pressure=false) interpolate_point(point_coords, semi, ref_system, sol; - smoothing_length=ref_system.smoothing_length, cut_off_bnd=true) + smoothing_length=ref_system.smoothing_length, cut_off_bnd=true, + clip_negative_pressure=false) Performs interpolation of properties at specified points or an array of points in a TrixiParticles simulation. @@ -361,6 +384,9 @@ See also: [`interpolate_line`](@ref), [`interpolate_plane_2d`](@ref), Or, in more detail, when the boundary has more influence than the fluid on the density summation in this point, i.e., when the boundary particles add more kernel-weighted mass than the fluid particles. +- `clip_negative_pressure=false`: One common approach in SPH models is to clip negative pressure + values, but this is unphysical. Instead we clip here during + interpolation thus only impacting the local interpolated value. # Returns - For multiple points: A `NamedTuple` of arrays containing interpolated properties at each point. @@ -387,7 +413,7 @@ results = interpolate_point(points, semi, ref_system, sol) """ function interpolate_point(points_coords::AbstractArray{<:AbstractArray}, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) num_points = length(points_coords) coords = similar(points_coords) velocities = similar(points_coords) @@ -401,7 +427,8 @@ function interpolate_point(points_coords::AbstractArray{<:AbstractArray}, semi, for (i, point) in enumerate(points_coords) result = interpolate_point(SVector{ndims(ref_system)}(point), semi, ref_system, sol, neighborhood_searches, smoothing_length=smoothing_length, - cut_off_bnd=cut_off_bnd) + cut_off_bnd=cut_off_bnd, + clip_negative_pressure=clip_negative_pressure) densities[i] = result.density neighbor_counts[i] = result.neighbor_count coords[i] = result.coord @@ -415,13 +442,14 @@ end function interpolate_point(point_coords, semi, ref_system, sol; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) neighborhood_searches = process_neighborhood_searches(semi, sol, ref_system, smoothing_length) return interpolate_point(SVector{ndims(ref_system)}(point_coords), semi, ref_system, sol, neighborhood_searches, smoothing_length=smoothing_length, - cut_off_bnd=cut_off_bnd) + cut_off_bnd=cut_off_bnd, + clip_negative_pressure=clip_negative_pressure) end function process_neighborhood_searches(semi, sol, ref_system, smoothing_length) @@ -447,7 +475,7 @@ end @inline function interpolate_point(point_coords, semi, ref_system, sol, neighborhood_searches; smoothing_length=ref_system.smoothing_length, - cut_off_bnd=true) + cut_off_bnd=true, clip_negative_pressure=false) interpolated_density = 0.0 interpolated_velocity = zero(SVector{ndims(ref_system)}) interpolated_pressure = 0.0 @@ -500,6 +528,10 @@ end interpolated_velocity += particle_velocity * (volume * kernel_value) pressure = particle_pressure(v, system, particle) + if clip_negative_pressure + pressure = max(0.0, pressure) + end + interpolated_pressure += pressure * (volume * kernel_value) shepard_coefficient += volume * kernel_value else diff --git a/src/general/semidiscretization.jl b/src/general/semidiscretization.jl index 0dfa831d0..ada9275e4 100644 --- a/src/general/semidiscretization.jl +++ b/src/general/semidiscretization.jl @@ -139,7 +139,6 @@ function create_neighborhood_search(system, neighbor, ::Val{GridNeighborhoodSear periodic_box_min_corner=periodic_box_min_corner, periodic_box_max_corner=periodic_box_max_corner, threaded_nhs_update=threaded_nhs_update) - # Initialize neighborhood search initialize!(search, initial_coordinates(neighbor)) diff --git a/src/schemes/fluid/fluid.jl b/src/schemes/fluid/fluid.jl index 14f16cdf6..e2f08444d 100644 --- a/src/schemes/fluid/fluid.jl +++ b/src/schemes/fluid/fluid.jl @@ -54,8 +54,7 @@ function compute_density!(system, u, u_ode, semi, ::SummationDensity) end function calculate_dt(v_ode, u_ode, cfl_number, system::FluidSystem) - (; smoothing_length, state_equation, viscosity, acceleration) = system - (; sound_speed) = state_equation + (; smoothing_length, viscosity, acceleration) = system dt_viscosity = 0.125 * smoothing_length^2 / kinematic_viscosity(system, viscosity) @@ -70,7 +69,7 @@ function calculate_dt(v_ode, u_ode, cfl_number, system::FluidSystem) # Antuono et al. (2015) use h / (c + h * pi_max). # # See docstring of the callback for the references. - dt_sound_speed = cfl_number * smoothing_length / sound_speed + dt_sound_speed = cfl_number * smoothing_length / system_sound_speed(system) return min(dt_viscosity, dt_acceleration, dt_sound_speed) end diff --git a/test/examples/examples.jl b/test/examples/examples.jl index 63d78cbb0..7d6f6387a 100644 --- a/test/examples/examples.jl +++ b/test/examples/examples.jl @@ -87,8 +87,10 @@ @trixi_testset "fluid/dam_break_2d.jl" begin @test_nowarn_mod trixi_include(@__MODULE__, joinpath(examples_dir(), "fluid", - "dam_break_2d.jl"), - tspan=(0.0, 0.1)) + "dam_break_2d.jl"), tspan=(0.0, 0.1)) [ + r"┌ Info: The desired tank length in y-direction .*\n", + r"└ New tank length in y-direction.*\n", + ] @test sol.retcode == ReturnCode.Success @test count_rhs_allocations(sol, semi) == 0 end diff --git a/test/validation/validation.jl b/test/validation/validation.jl index 1d4c82f83..2db70eb3e 100644 --- a/test/validation/validation.jl +++ b/test/validation/validation.jl @@ -27,8 +27,45 @@ r"WARNING: Method definition linear_interpolation.*\n", r"WARNING: Method definition interpolated_mse.*\n", r"WARNING: Method definition extract_number_from_filename.*\n", + r"WARNING: Method definition extract_resolution_from_filename.*\n", + r"WARNING: importing deprecated binding Makie.*\n", + r"WARNING: Makie.* is deprecated.*\n", ] # Verify number of plots @test length(ax1.scene.plots) >= 6 end + + @trixi_testset "dam_break_2d" begin + @test_nowarn_mod trixi_include(@__MODULE__, + joinpath(validation_dir(), "dam_break_2d", + "validation_dam_break_2d.jl")) [ + r"┌ Info: The desired tank length in y-direction.*\n", + r"└ New tank length in y-direction is set to.*\n", + ] + @test sol.retcode == ReturnCode.Success + @test count_rhs_allocations(sol, semi) == 0 + @test isapprox(error_edac_P1, 0, atol=1e-9) + @test isapprox(error_edac_P2, 0, atol=1e-11) + + if VERSION >= v"1.10" + @test isapprox(error_wcsph_P1, 0, atol=eps()) + @test isapprox(error_wcsph_P2, 0, atol=eps()) + else + # 1.9 causes a large difference in the solution + @test isapprox(error_wcsph_P1, 0, atol=10) + @test isapprox(error_wcsph_P2, 0, atol=1e-3) + end + + # Ignore method redefinitions from duplicate `include("../validation_util.jl")` + @test_nowarn_mod trixi_include(@__MODULE__, + joinpath(validation_dir(), "dam_break_2d", + "plot_dam_break_results.jl")) [ + r"WARNING: Method definition linear_interpolation.*\n", + r"WARNING: Method definition interpolated_mse.*\n", + r"WARNING: Method definition extract_number_from_filename.*\n", + r"WARNING: Method definition extract_resolution_from_filename.*\n", + ] + # Verify number of plots + @test length(axs_edac[1].scene.plots) >= 2 + end end diff --git a/validation/dam_break_2d/README.md b/validation/dam_break_2d/README.md new file mode 100644 index 000000000..d712580b1 --- /dev/null +++ b/validation/dam_break_2d/README.md @@ -0,0 +1,8 @@ +The following files are provided here: + +1) Validation simulation: validation_dam_break_2d.jl +2) Comparison with TrixiParticles.jl and literature reference: plot_dam_break_results.jl +3) TrixiParticles.jl reference files: validation_reference_[0015, 00075, 0001875].j (0025 is the default CI resolution. Note that resolution 0015 takes around 2-5 minutes, 00075 around 5-10 minutes, 0001875 around 2-4 hours). +4) exp_surge_front.csv was manually extracted from Martin and Moyce, "Part IV. An experimental study of the collapse of liquid columns on a rigid horizontal plane", Phil. Tran. R. Soc. London, 1952, doi: https://doi.org/10.1098/rsta.1952.0006 +5) exp_pressure_sensor_P*.csv was manually extracted from B. Buchner, "Green Water on Ship-type Offshore Structures", Ph.D. Thesis, Delft University of Technology, 2002. +6) sim_pressure_sensor_P*.csv was manually extracted from S. Marrone et al., "δ-SPH model for simulating violent impact flows", Computer Methods in Applied Mechanics and Engineering, 2011, doi: https://doi.org/10.1016/j.cma.2010.12.016 \ No newline at end of file diff --git a/validation/dam_break_2d/exp_pressure_sensor_P1.csv b/validation/dam_break_2d/exp_pressure_sensor_P1.csv new file mode 100644 index 000000000..7ecbd6a4c --- /dev/null +++ b/validation/dam_break_2d/exp_pressure_sensor_P1.csv @@ -0,0 +1,99 @@ +time,P1 +2.02512,-0.01792 +2.06281,0.02087 +2.12405,-0.02169 +2.16801,0.01112 +2.24966,-0.02026 +2.27165,0.01033 +2.42553,-0.01511 +2.47263,0.07666 +2.49148,0.15352 +2.55271,0.26544 +2.61552,0.37138 +2.62337,0.46317 +2.65007,0.56241 +2.67205,0.60494 +2.68932,0.66239 +2.77411,0.68698 +2.83535,0.67203 +2.90287,0.66081 +2.96097,0.64586 +3.02221,0.64285 +3.02535,0.60106 +3.13212,0.57862 +3.19336,0.56367 +3.23105,0.54574 +3.36765,0.54121 +3.51996,0.54487 +3.67856,0.54108 +3.90467,0.54396 +4.06012,0.55584 +4.22342,0.55801 +4.35532,0.55497 +4.45267,0.55119 +4.57044,0.54293 +4.71961,0.53765 +4.81696,0.51746 +4.91745,0.51293 +5.03836,0.51438 +5.15926,0.51358 +5.30372,0.5262 +5.34141,0.54335 +5.44504,0.54928 +5.53454,0.56939 +5.58636,0.58802 +5.61463,0.60741 +5.69157,0.6335 +5.74966,0.65586 +5.78107,0.67451 +5.78735,0.69092 +5.80619,0.71554 +5.81404,0.83196 +5.81561,0.7424 +5.82503,0.76479 +5.83288,0.87672 +5.83603,0.85956 +5.869,0.83939 +5.88156,0.7976 +5.90354,0.76475 +5.92082,0.72445 +5.93652,0.67892 +5.96792,0.64756 +6.04172,0.60947 +6.05114,0.57887 +6.10296,0.55721 +6.15007,0.54301 +6.2223,0.55641 +6.28039,0.58101 +6.31494,0.60562 +6.31965,0.61831 +6.36048,0.56232 +6.3699,0.59441 +6.38874,0.54589 +6.41072,0.51901 +6.42328,0.49662 +6.5175,0.48539 +6.56146,0.4682 +6.6227,0.49206 +6.6541,0.50249 +6.70749,0.52187 +6.74204,0.53902 +6.75774,0.47633 +6.77187,0.54797 +6.79385,0.51139 +6.8127,0.47257 +6.88022,0.41732 +6.88807,0.45762 +6.91162,0.43223 +6.93517,0.40461 +7.00112,0.43817 +7.02467,0.44786 +7.06079,0.46799 +7.10947,0.4926 +7.12674,0.50453 +7.14715,0.45228 +7.15814,0.47616 +7.18327,0.43958 +7.23194,0.43732 +7.25707,0.41641 +7.29946,0.41565 \ No newline at end of file diff --git a/validation/dam_break_2d/exp_pressure_sensor_P2.csv b/validation/dam_break_2d/exp_pressure_sensor_P2.csv new file mode 100644 index 000000000..3f8fa036f --- /dev/null +++ b/validation/dam_break_2d/exp_pressure_sensor_P2.csv @@ -0,0 +1,48 @@ +time,P2 +3.06662,-0.009371 +3.10965,0.006076 +3.17904,-0.015926 +3.29146,0.002483 +3.3789,-0.018927 +3.49688,-0.000817 +3.60514,-0.010937 +3.79251,0.015187 +3.82998,-0.007999 +4.01041,0.019612 +4.02568,-0.002976 +4.21582,0.019284 +4.28522,0.004712 +4.37405,0.028473 +4.47536,0.024595 +4.64885,0.043589 +4.77932,0.081013 +4.86676,0.103586 +4.9889,0.133583 +5.1263,0.167738 +5.20541,0.182882 +5.24566,0.195357 +5.31922,0.218229 +5.46912,0.22415 +5.59126,0.235722 +5.69674,0.224116 +5.73838,0.174779 +5.74115,0.194392 +5.81055,0.156046 +5.85496,0.141181 +5.88272,0.114431 +5.88966,0.154548 +6.00208,0.091827 +6.0118,0.067755 +6.07425,0.057641 +6.15892,0.033557 +6.26718,0.020466 +6.34351,0.003218 +6.49757,0.012705 +6.57252,0.005561 +6.65441,0.01179 +6.76544,0.005235 +6.90978,0.010563 +6.9542,0.002236 +7.06523,0.00846 +7.30951,0.000994 +7.52047,0.011364 \ No newline at end of file diff --git a/validation/dam_break_2d/exp_surge_front.csv b/validation/dam_break_2d/exp_surge_front.csv new file mode 100644 index 000000000..909120c2b --- /dev/null +++ b/validation/dam_break_2d/exp_surge_front.csv @@ -0,0 +1,11 @@ +time,surge_front +0.43012,1.10782 +0.61418,1.218 +0.79556,1.43732 +0.97016,1.67128 +1.13698,1.89286 +1.29153,2.10882 +1.44156,2.33378 +1.62065,2.56436 +1.75728,2.78708 +1.92861,3.00078 \ No newline at end of file diff --git a/validation/dam_break_2d/plot_dam_break_results.jl b/validation/dam_break_2d/plot_dam_break_results.jl new file mode 100644 index 000000000..124d28828 --- /dev/null +++ b/validation/dam_break_2d/plot_dam_break_results.jl @@ -0,0 +1,134 @@ +include("../validation_util.jl") + +# Activate for interactive plot +# using GLMakie +using CairoMakie +using CSV +using DataFrames +using JSON +using Glob +using Printf +using TrixiParticles + +# Initial width of the fluid +H = 0.6 +W = 2 * H + +normalization_factor_time = sqrt(9.81 / H) +normalization_factor_pressure = 1000 * 9.81 * H + +case_dir = joinpath(validation_dir(), "dam_break_2d") + +edac_reference_files = glob("validation_reference_edac*.json", + case_dir) +edac_sim_files = glob("validation_result_dam_break_edac*.json", + "out/") + +merged_files = vcat(edac_reference_files, edac_sim_files) +edac_files = sort(merged_files, by=extract_number_from_filename) + +wcsph_reference_files = glob("validation_reference_wcsph*.json", + case_dir) +wcsph_sim_files = glob("validation_result_dam_break_wcsph*.json", + "out/") + +merged_files = vcat(wcsph_reference_files, wcsph_sim_files) +wcsph_files = sort(merged_files, by=extract_number_from_filename) + +surge_front = CSV.read(joinpath(case_dir, "exp_surge_front.csv"), DataFrame) + +exp_P1 = CSV.read(joinpath(case_dir, "exp_pressure_sensor_P1.csv"), DataFrame) +exp_P2 = CSV.read(joinpath(case_dir, "exp_pressure_sensor_P2.csv"), DataFrame) + +sim_P1 = CSV.read(joinpath(case_dir, "sim_pressure_sensor_P1.csv"), DataFrame) +sim_P2 = CSV.read(joinpath(case_dir, "sim_pressure_sensor_P2.csv"), DataFrame) + +n_sensors = 2 +fig = Figure(size=(1200, 1200)) +axs_edac = [Axis(fig[1, i], title="Sensor P$i with EDAC") for i in 1:n_sensors] +axs_wcsph = [Axis(fig[3, i], title="Sensor P$i with WCSPH") for i in 1:n_sensors] +ax_max_x_edac = Axis(fig[5, 1], title="Surge Front with EDAC") +ax_max_x_wcsph = Axis(fig[5, 2], title="Surge Front with WCSPH") + +function plot_results(axs, ax_max, files) + for ax in axs + ax.xlabel = "Time" + ax.ylabel = "Pressure" + xlims!(ax, 0.0, 8.0) + ylims!(ax, -0.1, 1.0) + end + + # Define a regex to extract the sensor number from the key names + sensor_number_regex = r"pressure_P(\d+)_fluid_\d+" + + for (file_number, json_file) in enumerate(files) + json_data = JSON.parsefile(json_file) + time = json_data["pressure_P1_fluid_1"]["time"] .* normalization_factor_time + pressure_P1 = json_data["pressure_P1_fluid_1"]["values"] ./ + normalization_factor_pressure + pressure_P2 = json_data["pressure_P2_fluid_1"]["values"] ./ + normalization_factor_pressure + + label_prefix = occursin("reference", json_file) ? "Reference " : "" + + lines!(axs[1], time, pressure_P1, + label="$(label_prefix)dp=$(extract_resolution_from_filename(json_file))", + color=file_number, colormap=:tab10, colorrange=(1, 10)) + lines!(axs[2], time, pressure_P2, + label="$(label_prefix)dp=$(extract_resolution_from_filename(json_file))", + color=file_number, colormap=:tab10, colorrange=(1, 10)) + value = json_data["max_x_coord_fluid_1"] + lines!(ax_max, value["time"] .* sqrt(9.81), Float64.(value["values"]) ./ W, + label="$(label_prefix)dp=$(extract_resolution_from_filename(json_file))") + end +end + +plot_results(axs_edac, ax_max_x_edac, edac_files) +plot_results(axs_wcsph, ax_max_x_wcsph, wcsph_files) + +# Plot reference values +function plot_experiment(ax, time, data, label, color=:black, marker=:utriangle, + markersize=6) + scatter!(ax, time, data; color, marker, markersize, label) +end + +function plot_simulation(ax, time, data, label, color=:red, linestyle=:dash, linewidth=3) + lines!(ax, time, data; color, linestyle, linewidth, label) +end + +# Plot for Pressure Sensor P1 +plot_experiment(axs_edac[1], exp_P1.time, exp_P1.P1, "Buchner 2002 (exp)") +plot_simulation(axs_edac[1], sim_P1.time, sim_P1.h320, "Marrone et al. 2011 (sim)") +plot_experiment(axs_wcsph[1], exp_P1.time, exp_P1.P1, "Buchner 2002 (exp)") +plot_simulation(axs_wcsph[1], sim_P1.time, sim_P1.h320, "Marrone et al. 2011 (sim)") + +# Plot for Pressure Sensor P2 +plot_experiment(axs_edac[2], exp_P2.time, exp_P2.P2, "Buchner 2002 (exp)") +plot_simulation(axs_edac[2], sim_P2.time, sim_P2.h320, "Marrone et al. 2011 (sim)") +plot_experiment(axs_wcsph[2], exp_P2.time, exp_P2.P2, "Buchner 2002 (exp)") +plot_simulation(axs_wcsph[2], sim_P2.time, sim_P2.h320, "Marrone et al. 2011 (sim)") + +# Plot for Surge Front +for ax_max in [ax_max_x_edac, ax_max_x_wcsph] + ax_max.xlabel = "Time" + ax_max.ylabel = "Surge Front" + xlims!(ax_max, 0.0, 3.0) + ylims!(ax_max, 1, 3.0) + plot_experiment(ax_max, surge_front.time, surge_front.surge_front, + "Martin and Moyce 1952 (exp)") +end + +for (i, ax) in enumerate(axs_edac) + Legend(fig[2, i], ax; tellwidth=false, orientation=:horizontal, valign=:top, nbanks=3) +end +for (i, ax) in enumerate(axs_wcsph) + Legend(fig[4, i], ax; tellwidth=false, orientation=:horizontal, valign=:top, nbanks=3) +end +Legend(fig[6, 1], ax_max_x_edac, tellwidth=false, orientation=:horizontal, valign=:top, + nbanks=2) +Legend(fig[6, 2], ax_max_x_wcsph, tellwidth=false, orientation=:horizontal, valign=:top, + nbanks=2) + +fig +# Uncomment to save the figure +# save("dam_break_validation.svg", fig) diff --git a/validation/dam_break_2d/sim_pressure_sensor_P1.csv b/validation/dam_break_2d/sim_pressure_sensor_P1.csv new file mode 100644 index 000000000..62adda751 --- /dev/null +++ b/validation/dam_break_2d/sim_pressure_sensor_P1.csv @@ -0,0 +1,526 @@ +time,exp,h40,h320,h80 +2.00471,-0.05335,0.00625,0.00282,0.00373 +2.00785,-0.05025,0.00538,0.00298,0.00337 +2.01099,-0.04623,0.00447,0.00314,0.00301 +2.02512,-0.01792,0.00016,0.00384,0.00144 +2.06281,0.02087,0.00103,0.0047,-0.00175 +2.0738,0.0148,0.00169,0.00445,-0.00218 +2.07851,0.01126,0.00199,0.00424,-0.00227 +2.08165,0.00872,0.0022,0.00407,-0.0023 +2.12405,-0.02169,0.00527,0.00135,-0.00065 +2.14917,0.00206,0.00699,0.00068,0.00068 +2.16801,0.01112,0.00814,0.00082,0.00117 +2.23396,-0.0146,0.01071,0.00307,0.00065 +2.24966,-0.02026,0.01087,0.00362,0.00037 +2.27165,0.01033,0.01071,0.00363,-3e-06 +2.30462,0.0043,0.00941,0.00136,-0.0005 +2.34859,-0.00699,0.00487,-0.00104,-0.00089 +2.36429,-0.01061,0.00208,-0.00169,-0.00091 +2.4114,-0.01652,-0.01162,-0.00241,-0.00182 +2.42553,-0.01511,-0.01725,-0.00161,-0.00336 +2.42867,-0.01437,-0.01857,-0.00125,-0.00391 +2.44437,-0.00689,-0.02549,0.0013,-0.00874 +2.46478,0.02475,-0.03447,-0.00265,-0.02259 +2.46949,0.04603,-0.03634,-0.00169,-0.02671 +2.47263,0.07666,-0.0375,-0.00048,-0.02925 +2.48834,0.14632,-0.04156,0.0109,-0.03081 +2.49148,0.15352,-0.04186,0.01409,-0.02725 +2.49933,0.17028,-0.04148,0.02367,-0.01266 +2.50875,0.189,-0.0382,0.04335,0.01247 +2.51189,0.19501,-0.03623,0.05277,0.02187 +2.5166,0.20383,-0.03231,0.06545,0.03614 +2.52602,0.22087,-0.02062,0.0866,0.06321 +2.52916,0.2264,-0.01557,0.09231,0.07179 +2.54329,0.25031,0.01401,0.11395,0.109 +2.54643,0.25543,0.022,0.14007,0.11699 +2.55271,0.26544,0.03933,0.1626,0.13257 +2.55428,0.26789,0.04391,0.16991,0.13637 +2.55742,0.27276,0.05337,0.18808,0.14379 +2.56371,0.28233,0.07324,0.22364,0.15778 +2.56528,0.2847,0.07838,0.20051,0.16112 +2.57313,0.29649,0.10488,0.24677,0.1781 +2.57627,0.30121,0.11576,0.25617,0.18632 +2.58726,0.31794,0.15442,0.28128,0.23333 +2.58883,0.32039,0.15996,0.28482,0.26393 +2.59825,0.33566,0.19298,0.30945,0.3024 +2.59982,0.33835,0.19842,0.31443,0.30795 +2.6061,0.34979,0.21989,0.33706,0.32804 +2.60924,0.35611,0.23044,0.34948,0.33631 +2.61552,0.37138,0.25118,0.37498,0.3525 +2.62337,0.46317,0.27651,0.40522,0.37359 +2.62651,0.48502,0.28648,0.41615,0.38268 +2.63122,0.5066,0.30127,0.4311,0.39824 +2.63908,0.53381,0.32554,0.45345,0.43928 +2.65007,0.56241,0.35879,0.48243,0.46299 +2.65792,0.57716,0.38206,0.5042,0.47684 +2.66263,0.58451,0.39585,0.51956,0.48479 +2.67205,0.60494,0.42304,0.55023,0.50065 +2.68147,0.65255,0.44972,0.57135,0.51762 +2.68932,0.66239,0.47157,0.58448,0.53289 +2.70188,0.67114,0.50576,0.60199,0.55791 +2.71288,0.67619,0.53477,0.61518,0.57746 +2.72073,0.67897,0.5548,0.62362,0.58924 +2.73172,0.68204,0.5813,0.63402,0.60494 +2.75841,0.6864,0.62185,0.65131,0.63699 +2.75998,0.68653,0.62132,0.65211,0.63808 +2.77254,0.687,0.59819,0.65871,0.62952 +2.77411,0.68698,0.5957,0.6596,0.62868 +2.77725,0.68688,0.59519,0.66142,0.62835 +2.77882,0.6868,0.59765,0.66235,0.62856 +2.7961,0.68434,0.63118,0.67344,0.63548 +2.81494,0.67862,0.64219,0.68559,0.64379 +2.83064,0.67333,0.64196,0.69445,0.65114 +2.83535,0.67203,0.64114,0.69664,0.65365 +2.84338,0.67024,0.6393,0.69954,0.65792 +2.86205,0.66725,0.63374,0.69973,0.66456 +2.88575,0.66402,0.62626,0.69123,0.66839 +2.90287,0.66081,0.62237,0.69029,0.66949 +2.91543,0.65722,0.622,0.69124,0.66953 +2.92642,0.65351,0.6259,0.69212,0.66901 +2.93561,0.65053,0.63501,0.6924,0.66817 +2.94841,0.64739,0.66974,0.69157,0.66649 +2.96097,0.64586,0.66615,0.68939,0.66443 +2.9751,0.64574,0.65929,0.68548,0.66182 +2.98546,0.64615,0.65734,0.68171,0.65985 +2.99708,0.64666,0.6564,0.67677,0.65778 +3.02221,0.64285,0.65576,0.66826,0.65424 +3.02378,0.60237,0.65571,0.66822,0.65399 +3.02535,0.60106,0.65565,0.66832,0.65373 +3.03948,0.59421,0.65456,0.67137,0.64956 +3.04576,0.59228,0.65329,0.67164,0.64538 +3.0646,0.58798,0.63823,0.66796,0.63537 +3.06617,0.58768,0.63795,0.66746,0.6354 +3.06931,0.58712,0.63835,0.66638,0.63573 +3.10386,0.58211,0.65692,0.6518,0.64132 +3.11485,0.58076,0.66072,0.64678,0.6351 +3.12741,0.57922,0.63833,0.64103,0.62405 +3.13212,0.57862,0.63701,0.63891,0.62191 +3.16667,0.57306,0.64502,0.625,0.62608 +3.16741,0.5729,0.64514,0.62477,0.62605 +3.17138,0.572,0.64558,0.62366,0.62562 +3.19336,0.56367,0.64365,0.62205,0.61729 +3.20749,0.55259,0.63904,0.62449,0.60934 +3.21377,0.54981,0.63626,0.62494,0.6062 +3.21976,0.548,0.63291,0.62475,0.60981 +3.22633,0.54655,0.62737,0.62396,0.6144 +3.22948,0.54599,0.62261,0.62343,0.6148 +3.23105,0.54574,0.6184,0.62314,0.61487 +3.24361,0.54418,0.60693,0.62027,0.61412 +3.286,0.54164,0.61992,0.606,0.60766 +3.29385,0.54142,0.62184,0.60243,0.60648 +3.32212,0.54097,0.60988,0.59155,0.60253 +3.33468,0.54093,0.59954,0.59048,0.6008 +3.34881,0.54099,0.59196,0.5896,0.59873 +3.35038,0.541,0.60539,0.58951,0.59847 +3.35352,0.54103,0.60445,0.58935,0.59793 +3.36765,0.54121,0.59539,0.58867,0.59454 +3.38179,0.54148,0.5843,0.58811,0.59195 +3.38336,0.54151,0.58299,0.58805,0.59177 +3.40848,0.54218,0.57104,0.5873,0.58944 +3.43674,0.54306,0.59267,0.58683,0.58675 +3.4493,0.54346,0.59784,0.58677,0.5852 +3.45559,0.54366,0.59416,0.58679,0.58426 +3.47914,0.54431,0.56952,0.58719,0.57975 +3.48542,0.54446,0.56535,0.58743,0.57851 +3.49484,0.54464,0.56727,0.58793,0.57711 +3.49641,0.54467,0.56802,0.58803,0.57697 +3.51996,0.54487,0.5807,0.59032,0.57715 +3.53567,0.54478,0.58949,0.59262,0.57621 +3.54352,0.54467,0.59188,0.59381,0.57489 +3.55608,0.54441,0.58292,0.59502,0.57224 +3.55922,0.54433,0.56351,0.59505,0.57156 +3.56124,0.54428,0.56053,0.59499,0.57113 +3.58591,0.54355,0.55007,0.5912,0.5674 +3.59062,0.5434,0.55081,0.5902,0.56723 +3.61607,0.54258,0.56102,0.58667,0.57001 +3.62988,0.54216,0.56722,0.58941,0.57282 +3.63773,0.54194,0.57015,0.59255,0.57393 +3.65186,0.54159,0.57413,0.59631,0.57247 +3.66756,0.54126,0.57466,0.59379,0.57287 +3.67384,0.54115,0.56553,0.59184,0.57391 +3.67856,0.54108,0.56536,0.59026,0.57488 +3.6817,0.54103,0.5657,0.5892,0.57558 +3.6974,0.54084,0.56911,0.58435,0.57936 +3.75393,0.54065,0.58821,0.57761,0.59023 +3.75864,0.54066,0.59029,0.5775,0.59064 +3.77277,0.54074,0.59863,0.57737,0.59104 +3.78219,0.54082,0.60372,0.57737,0.59047 +3.808,0.54112,0.60278,0.57712,0.5858 +3.82301,0.54137,0.60295,0.57638,0.58173 +3.85536,0.54212,0.60981,0.57473,0.57428 +3.8607,0.54227,0.6103,0.57468,0.57383 +3.86227,0.54232,0.6104,0.57468,0.57377 +3.90467,0.54396,0.60895,0.57581,0.5805 +3.9077,0.54412,0.60866,0.57589,0.58125 +3.93764,0.54591,0.6044,0.57664,0.58649 +3.96005,0.54759,0.59854,0.57824,0.58529 +3.98946,0.55014,0.5902,0.58145,0.58013 +4.02086,0.55296,0.58543,0.5846,0.576 +4.0397,0.55448,0.58348,0.5857,0.57571 +4.06012,0.55584,0.58177,0.58557,0.57675 +4.06797,0.55626,0.58121,0.58517,0.57739 +4.1135,0.55784,0.57745,0.58193,0.58172 +4.11664,0.55791,0.57695,0.58177,0.58193 +4.12764,0.5581,0.57447,0.58131,0.58241 +4.17788,0.55839,0.56027,0.58036,0.5764 +4.18259,0.55837,0.56,0.58035,0.57519 +4.19358,0.55831,0.55981,0.58041,0.57219 +4.22342,0.55801,0.5612,0.57832,0.56468 +4.24383,0.55769,0.56326,0.57666,0.56181 +4.25482,0.55749,0.56473,0.5758,0.56173 +4.2721,0.55713,0.56769,0.57447,0.56431 +4.31135,0.55616,0.57289,0.57153,0.57302 +4.31606,0.55603,0.56803,0.57118,0.57289 +4.34118,0.55534,0.54303,0.56933,0.56407 +4.35532,0.55497,0.53968,0.5683,0.55678 +4.36788,0.55465,0.54009,0.56739,0.55198 +4.38672,0.55417,0.54525,0.56603,0.55003 +4.40556,0.5536,0.55271,0.56468,0.55185 +4.42284,0.55293,0.54554,0.56345,0.55419 +4.44796,0.55152,0.53254,0.56168,0.55482 +4.45267,0.55119,0.52998,0.56135,0.55456 +4.46994,0.54983,0.52581,0.56015,0.55307 +4.48597,0.54846,0.5278,0.55906,0.55132 +4.48721,0.54835,0.528,0.55897,0.55118 +4.50449,0.5469,0.53177,0.55784,0.54917 +4.53589,0.54461,0.53698,0.55634,0.5456 +4.5433,0.54417,0.5366,0.55666,0.54481 +4.57044,0.54293,0.53427,0.5561,0.54213 +4.59315,0.54234,0.53186,0.55546,0.54036 +4.60027,0.54221,0.53107,0.55487,0.53994 +4.61559,0.54196,0.52939,0.55367,0.5393 +4.65298,0.5413,0.52695,0.55069,0.53876 +4.67042,0.54081,0.52699,0.5501,0.53816 +4.68349,0.54029,0.52711,0.54965,0.53692 +4.71961,0.53765,0.52707,0.54862,0.52887 +4.74271,0.53433,0.52643,0.54829,0.52342 +4.75101,0.53276,0.52598,0.5483,0.52196 +4.76985,0.52855,0.52419,0.54872,0.51978 +4.80253,0.52042,0.51427,0.54945,0.51864 +4.81068,0.51865,0.51149,0.54908,0.51879 +4.81696,0.51746,0.51184,0.54862,0.51905 +4.82638,0.51598,0.51379,0.5477,0.51969 +4.84522,0.51402,0.51446,0.54521,0.52189 +4.86092,0.51313,0.51043,0.54257,0.51818 +4.86235,0.51308,0.50993,0.54231,0.51722 +4.8939,0.51267,0.49503,0.53603,0.49435 +4.89704,0.51269,0.49299,0.5354,0.49354 +4.90803,0.5128,0.4898,0.53334,0.49549 +4.91745,0.51293,0.49343,0.53177,0.50111 +4.92716,0.5131,0.49687,0.53044,0.50712 +4.93315,0.51321,0.49872,0.52978,0.50994 +4.94258,0.51338,0.50098,0.52899,0.51267 +4.97241,0.51393,0.49799,0.52754,0.51402 +4.98449,0.51412,0.48695,0.52686,0.51306 +4.98497,0.51413,0.48679,0.52682,0.51301 +4.99282,0.51423,0.48764,0.52602,0.51216 +5.00381,0.51435,0.49126,0.52434,0.51078 +5.02266,0.51444,0.49625,0.5211,0.50803 +5.02423,0.51444,0.49722,0.52087,0.50778 +5.03522,0.5144,0.50617,0.51947,0.50595 +5.03836,0.51438,0.50614,0.51912,0.50541 +5.06505,0.51392,0.50059,0.51671,0.50019 +5.06662,0.51389,0.5002,0.5166,0.49984 +5.06976,0.51382,0.49944,0.51639,0.49912 +5.0996,0.5132,0.49495,0.5127,0.49345 +5.10745,0.5131,0.49503,0.51136,0.49345 +5.13257,0.51307,0.49792,0.50685,0.49618 +5.15926,0.51358,0.50248,0.50185,0.49855 +5.16712,0.51384,0.50394,0.50034,0.49865 +5.17811,0.51427,0.50611,0.49819,0.49819 +5.19538,0.51511,0.50909,0.49469,0.49658 +5.2048,0.51564,0.5088,0.49266,0.49554 +5.22521,0.51699,0.50907,0.48798,0.49372 +5.23306,0.51758,0.5096,0.48892,0.49342 +5.23777,0.51796,0.50997,0.48972,0.4934 +5.27389,0.52152,0.51204,0.49493,0.49661 +5.28959,0.52364,0.50606,0.49636,0.49853 +5.2943,0.5244,0.49713,0.49658,0.4986 +5.30058,0.52555,0.49477,0.49668,0.4874 +5.30372,0.5262,0.49393,0.49663,0.4861 +5.31157,0.52824,0.49262,0.49618,0.48489 +5.33356,0.54118,0.4927,0.49261,0.48482 +5.33984,0.54306,0.49317,0.49126,0.48514 +5.34141,0.54335,0.4933,0.49092,0.48524 +5.35083,0.54447,0.49409,0.48892,0.48587 +5.37438,0.54569,0.49539,0.48513,0.48754 +5.38694,0.5461,0.49482,0.48448,0.48807 +5.38852,0.54615,0.49462,0.48445,0.48811 +5.41364,0.54708,0.48928,0.48287,0.48794 +5.41678,0.54723,0.48884,0.48239,0.48784 +5.4419,0.54897,0.48693,0.47809,0.48659 +5.44504,0.54928,0.48679,0.47767,0.48638 +5.47488,0.55363,0.48583,0.47613,0.48298 +5.48744,0.55624,0.48548,0.47682,0.4806 +5.52983,0.56793,0.48357,0.48166,0.47185 +5.53454,0.56939,0.48306,0.48225,0.47107 +5.55025,0.57428,0.48006,0.48393,0.46938 +5.55182,0.57477,0.47983,0.48405,0.46933 +5.55653,0.57628,0.47929,0.4843,0.46939 +5.58479,0.58714,0.47832,0.47804,0.47439 +5.58636,0.58802,0.47837,0.47757,0.47463 +5.59264,0.59253,0.47872,0.47608,0.47533 +5.61463,0.60741,0.47981,0.47354,0.47555 +5.6162,0.6081,0.4798,0.47343,0.4755 +5.65231,0.62091,0.47822,0.47113,0.47382 +5.65545,0.62191,0.47807,0.47083,0.47378 +5.66958,0.6264,0.47754,0.46863,0.47443 +5.68686,0.63194,0.47729,0.46984,0.47529 +5.68843,0.63246,0.47729,0.47007,0.47527 +5.69157,0.6335,0.4773,0.47054,0.4752 +5.7371,0.65055,0.47975,0.47744,0.47319 +5.74809,0.65519,0.48106,0.47881,0.47303 +5.74966,0.65586,0.48127,0.47899,0.47303 +5.78107,0.67451,0.48564,0.48182,0.4739 +5.78735,0.69092,0.48641,0.48217,0.47415 +5.80462,0.70752,0.48793,0.48271,0.47457 +5.80619,0.71554,0.48801,0.48272,0.47458 +5.81247,0.79425,0.48821,0.48272,0.47449 +5.81404,0.83196,0.48823,0.4827,0.47444 +5.81561,0.7424,0.48825,0.48268,0.47438 +5.82503,0.76479,0.48816,0.48246,0.47377 +5.83288,0.87672,0.48789,0.48216,0.47301 +5.83603,0.85956,0.48774,0.48201,0.47266 +5.85801,0.84627,0.48657,0.4806,0.47074 +5.86272,0.84408,0.48641,0.48024,0.47081 +5.869,0.83939,0.48634,0.47973,0.47129 +5.88156,0.7976,0.48671,0.47868,0.47316 +5.89412,0.77696,0.4876,0.47763,0.47521 +5.90354,0.76475,0.48838,0.47691,0.4764 +5.90668,0.75964,0.48863,0.4767,0.47675 +5.92082,0.72445,0.48964,0.476,0.47825 +5.93024,0.69598,0.49026,0.47594,0.47931 +5.93652,0.67892,0.49068,0.4762,0.48009 +5.94437,0.66461,0.49123,0.47697,0.48115 +5.9585,0.65284,0.49234,0.4797,0.48332 +5.96792,0.64756,0.49322,0.48227,0.48477 +5.9852,0.63932,0.49512,0.48487,0.48681 +5.99462,0.63504,0.49632,0.48361,0.48636 +6.00875,0.62854,0.49829,0.48082,0.48465 +6.01503,0.62553,0.49925,0.48,0.48859 +6.04015,0.61082,0.50615,0.48484,0.50546 +6.04172,0.60947,0.50699,0.48582,0.5065 +6.048,0.60022,0.51171,0.49066,0.51059 +6.05114,0.57887,0.51553,0.49358,0.51259 +6.05742,0.57421,0.53708,0.50026,0.5165 +6.08255,0.5642,0.54051,0.52736,0.52997 +6.08412,0.56368,0.54107,0.49527,0.53063 +6.08569,0.56316,0.54154,0.49028,0.53125 +6.09354,0.56054,0.54244,0.46766,0.53369 +6.10139,0.55779,0.54301,0.50041,0.53407 +6.10296,0.55721,0.54358,0.50701,0.53361 +6.10767,0.55536,0.54676,0.51989,0.52944 +6.11238,0.55339,0.55185,0.523,0.49004 +6.13437,0.54507,0.58033,0.51152,0.51644 +6.13751,0.54435,0.58301,0.51092,0.52084 +6.15007,0.54301,0.59448,0.51269,0.53834 +6.15321,0.54299,0.60196,0.51383,0.5426 +6.16734,0.54397,0.65563,0.52087,0.56016 +6.16891,0.54416,0.65867,0.52179,0.56184 +6.17205,0.54457,0.62285,0.52366,0.56495 +6.17362,0.5448,0.63703,0.52462,0.56637 +6.18304,0.54638,0.64374,0.53031,0.57269 +6.18775,0.5473,0.68404,0.5328,0.57405 +6.19089,0.54796,0.66165,0.53424,0.57406 +6.1956,0.54902,0.67069,0.53615,0.57284 +6.20502,0.55135,0.70567,0.54085,0.58998 +6.20817,0.55219,0.72656,0.54298,0.59187 +6.20974,0.55263,0.72922,0.54414,0.59298 +6.2223,0.55641,0.74596,0.55456,0.60506 +6.23172,0.55964,0.76461,0.56321,0.6176 +6.238,0.56199,0.78625,0.56932,0.637 +6.24428,0.56449,0.79761,0.5758,0.64965 +6.24742,0.56579,0.80789,0.57933,0.65489 +6.25213,0.56782,0.84595,0.58543,0.66145 +6.25841,0.57062,0.85896,0.59467,0.66535 +6.25998,0.57134,0.86759,0.59689,0.66336 +6.26312,0.57279,0.87998,0.60117,0.64147 +6.26626,0.57427,0.884,0.60529,0.65142 +6.27568,0.57876,0.89513,0.61725,0.68922 +6.27882,0.58026,0.89967,0.62119,0.69904 +6.28039,0.58101,0.90258,0.62315,0.70302 +6.28511,0.58324,0.91459,0.62903,0.71175 +6.28825,0.58474,0.92078,0.63296,0.71608 +6.2961,0.58866,0.93474,0.64287,0.72724 +6.29924,0.59038,0.94294,0.64689,0.73226 +6.30238,0.59226,0.94959,0.65098,0.73772 +6.30305,0.59269,0.95086,0.65187,0.73894 +6.31337,0.60236,0.95861,0.66678,0.76264 +6.31494,0.60562,0.95296,0.66945,0.76831 +6.31651,0.62284,0.91831,0.67232,0.77744 +6.31808,0.62075,0.93473,0.67538,0.78933 +6.31965,0.61831,0.92044,0.67857,0.79799 +6.32049,0.61695,0.90825,0.68029,0.80184 +6.32122,0.61576,0.89816,0.68176,0.80487 +6.32436,0.61058,0.87875,0.688,0.81645 +6.32907,0.60283,0.86084,0.69706,0.83171 +6.33378,0.59523,0.83099,0.70575,0.8457 +6.33545,0.5926,0.82649,0.70872,0.85042 +6.34163,0.58319,0.81717,0.71942,0.86681 +6.3432,0.58092,0.81457,0.72227,0.8706 +6.3504,0.57127,0.80111,0.73714,0.88499 +6.35576,0.56545,0.79407,0.74997,0.89292 +6.35734,0.56411,0.79441,0.75389,0.89527 +6.36048,0.56232,0.80933,0.76182,0.90044 +6.36676,0.56859,0.74441,0.77786,0.91556 +6.36833,0.57933,0.76082,0.78184,0.92276 +6.3699,0.59441,0.75976,0.78577,0.93979 +6.37035,0.59425,0.75882,0.78689,0.94458 +6.37461,0.58341,0.74721,0.79714,0.95187 +6.38089,0.56451,0.73097,0.81113,0.94558 +6.38281,0.5593,0.72681,0.81531,0.94291 +6.38874,0.54589,0.71592,0.8301,0.93361 +6.39278,0.53932,0.71005,0.84374,0.92666 +6.39973,0.5312,0.70559,0.87009,0.91384 +6.4013,0.52971,0.72424,0.87484,0.91081 +6.40773,0.52389,0.70751,0.88875,0.89757 +6.41072,0.51901,0.69961,0.89275,0.89038 +6.41543,0.49967,0.68847,0.89709,0.87125 +6.41857,0.49814,0.68244,0.89896,0.83394 +6.42328,0.49662,0.67632,0.90047,0.82362 +6.43266,0.4948,0.67196,0.89822,0.80845 +6.43428,0.49457,0.67124,0.89673,0.80574 +6.43742,0.49415,0.66409,0.8922,0.7996 +6.44213,0.49361,0.6593,0.8796,0.7766 +6.4437,0.49345,0.65862,0.87385,0.76825 +6.44512,0.4933,0.65814,0.86859,0.76346 +6.45509,0.49241,0.65628,0.84016,0.74679 +6.45783,0.49218,0.65594,0.83247,0.74661 +6.46506,0.49161,0.65495,0.81054,0.75961 +6.46882,0.49132,0.65406,0.7992,0.76231 +6.47039,0.4912,0.65342,0.79512,0.76153 +6.47503,0.49083,0.64162,0.78566,0.7551 +6.4751,0.49082,0.64138,0.78554,0.75498 +6.48452,0.49003,0.62794,0.77188,0.73505 +6.48923,0.48958,0.63988,0.76545,0.7257 +6.49248,0.48926,0.63534,0.76077,0.73196 +6.50179,0.48816,0.61823,0.74671,0.72398 +6.50808,0.48724,0.60931,0.73947,0.7227 +6.51242,0.48647,0.59551,0.73589,0.72283 +6.51279,0.4864,0.59434,0.73563,0.72287 +6.51436,0.48609,0.61002,0.7346,0.72306 +6.5175,0.48539,0.61142,0.73282,0.72359 +6.54576,0.4723,0.61299,0.72431,0.73276 +6.54732,0.47139,0.61224,0.72403,0.73337 +6.54733,0.47139,0.60254,0.72402,0.73337 +6.56146,0.4682,0.59283,0.72184,0.73861 +6.56303,0.46838,0.58611,0.72165,0.73909 +6.56617,0.46893,0.5874,0.7213,0.73984 +6.57402,0.47104,0.58926,0.72068,0.72939 +6.57873,0.47264,0.58685,0.72049,0.73054 +6.58188,0.4738,0.5667,0.72044,0.7318 +6.5847,0.4749,0.58215,0.72046,0.73303 +6.59444,0.479,0.5555,0.72089,0.73731 +6.60857,0.48547,0.54505,0.72177,0.7422 +6.61171,0.48695,0.54248,0.72186,0.74281 +6.61642,0.48916,0.53908,0.72181,0.74318 +6.6196,0.49064,0.53877,0.72163,0.74306 +6.6227,0.49206,0.53882,0.72129,0.74268 +6.63212,0.49599,0.53758,0.7196,0.7404 +6.6384,0.49809,0.53064,0.71828,0.74056 +6.64782,0.50062,0.51966,0.71694,0.75748 +6.64951,0.5011,0.51811,0.71688,0.75817 +6.65096,0.50152,0.51683,0.71687,0.75846 +6.6541,0.50249,0.51419,0.71705,0.75849 +6.67942,0.51156,0.49255,0.72515,0.75224 +6.68237,0.51266,0.48905,0.72658,0.75178 +6.69022,0.51559,0.46666,0.73047,0.75248 +6.70121,0.51963,0.46293,0.73546,0.77785 +6.70435,0.52076,0.46143,0.73665,0.77683 +6.70749,0.52187,0.45793,0.7377,0.77356 +6.71432,0.52424,0.44932,0.73936,0.76555 +6.71691,0.52513,0.44799,0.73973,0.76366 +6.7279,0.52915,0.44723,0.74014,0.78007 +6.74047,0.53673,0.44574,0.74024,0.78566 +6.74204,0.53902,0.44434,0.74038,0.78598 +6.74832,0.50004,0.42783,0.74146,0.787 +6.74921,0.49606,0.42695,0.74171,0.78713 +6.75617,0.47653,0.42481,0.74446,0.78827 +6.75774,0.47633,0.42482,0.74525,0.7886 +6.76559,0.51857,0.42633,0.74996,0.7908 +6.77187,0.54797,0.42707,0.75422,0.79317 +6.77815,0.5492,0.4099,0.75847,0.79582 +6.77972,0.54744,0.40835,0.75948,0.79647 +6.78162,0.5446,0.40675,0.76065,0.79723 +6.79385,0.51139,0.39866,0.76694,0.80109 +6.80013,0.48914,0.39417,0.76967,0.80243 +6.8017,0.48644,0.39273,0.77034,0.80272 +6.81113,0.47434,0.3778,0.77465,0.80352 +6.81153,0.47389,0.37758,0.77485,0.80351 +6.8127,0.47257,0.37716,0.77546,0.80344 +6.8284,0.45614,0.37779,0.78552,0.79821 +6.82997,0.45459,0.37769,0.7867,0.79719 +6.83895,0.44601,0.37423,0.7938,0.78973 +6.84253,0.44272,0.37107,0.79674,0.78611 +6.85509,0.43193,0.35987,0.80588,0.77147 +6.87079,0.42086,0.35613,0.8122,0.7508 +6.87236,0.42001,0.34654,0.8125,0.74867 +6.87384,0.41928,0.34565,0.81273,0.74665 +6.8755,0.41855,0.34494,0.81294,0.74438 +6.88022,0.41732,0.34362,0.81322,0.73786 +6.88807,0.45762,0.34219,0.8129,0.72668 +6.91162,0.43223,0.33848,0.80649,0.68824 +6.9179,0.41537,0.33671,0.80269,0.67547 +6.91871,0.41348,0.33636,0.80205,0.67368 +6.91947,0.41191,0.32328,0.80141,0.67195 +6.92261,0.40743,0.33277,0.79809,0.66432 +6.92732,0.40465,0.31656,0.78947,0.65076 +6.93366,0.40436,0.3156,0.77362,0.62684 +6.93517,0.40461,0.31541,0.77133,0.62012 +6.95087,0.41026,0.31281,0.75546,0.54864 +6.95859,0.41404,0.30861,0.74754,0.51962 +6.9603,0.41493,0.30535,0.7454,0.51363 +6.96501,0.41744,0.29714,0.73825,0.49777 +6.97604,0.42361,0.29484,0.71792,0.46392 +6.98228,0.42723,0.29489,0.70904,0.44653 +6.98542,0.42907,0.29564,0.705,0.43823 +6.99598,0.43524,0.28864,0.69067,0.41245 +7.00112,0.43817,0.28492,0.6811,0.40104 +7.00269,0.43903,0.28369,0.6778,0.39771 +7.01093,0.44314,0.27763,0.66223,0.38139 +7.01211,0.44365,0.27715,0.66047,0.37921 +7.01839,0.44574,0.27547,0.65241,0.36828 +7.02467,0.44786,0.27443,0.64561,0.35844 +7.03586,0.45434,0.27333,0.63497,0.34337 +7.05765,0.46648,0.27471,0.61705,0.32119 +7.06079,0.46799,0.27583,0.61476,0.3186 +7.06577,0.47025,0.27873,0.61127,0.31474 +7.07492,0.47415,0.28366,0.60531,0.30834 +7.08905,0.48027,0.26425,0.59743,0.29989 +7.09376,0.48251,0.2538,0.59519,0.29739 +7.10066,0.48624,0.25025,0.5923,0.29394 +7.10947,0.4926,0.24728,0.58932,0.28988 +7.11104,0.49413,0.24707,0.58888,0.28919 +7.11889,0.50467,0.27021,0.58713,0.28588 +7.12674,0.50453,0.27103,0.58616,0.28277 +7.13805,0.47222,0.26986,0.58636,0.27858 +7.14401,0.457,0.2687,0.58729,0.27649 +7.14715,0.45228,0.26739,0.58799,0.27541 +7.15186,0.45753,0.25228,0.58926,0.27384 +7.15814,0.47616,0.23607,0.59131,0.2718 +7.17295,0.45058,0.21317,0.597,0.26722 +7.17541,0.44712,0.21496,0.59796,0.26648 +7.17856,0.44349,0.23287,0.59915,0.26556 +7.1817,0.44069,0.26048,0.60033,0.26464 +7.18327,0.43958,0.25939,0.60092,0.26419 +7.20037,0.43535,0.24462,0.60765,0.2594 +7.21938,0.43708,0.2321,0.61877,0.25436 +7.2228,0.43743,0.23237,0.62186,0.25348 +7.23194,0.43732,0.25672,0.63342,0.25116 +7.23775,0.43525,0.26223,0.64081,0.2497 +7.2445,0.42937,0.25299,0.64641,0.24804 +7.24921,0.42356,0.21119,0.64853,0.24688 +7.25707,0.41641,0.21468,0.64918,0.24498 +7.25769,0.41607,0.21498,0.64909,0.24482 +7.28013,0.41331,0.22515,0.6325,0.23949 +7.28761,0.41404,0.22926,0.60288,0.23773 +7.28847,0.41415,0.22983,0.59685,0.23753 +7.29259,0.41468,0.23337,0.57326,0.23657 +7.29475,0.41498,0.24401,0.56159,0.23606 +7.29758,0.41538,0.24585,0.54364,0.2354 +7.29946,0.41565,0.2455,0.52094,0.23496 +7.30007,0.41574,0.24533,0.51403,0.23482 +7.3026,0.4161,0.24401,0.49013,0.23423 +7.30574,0.41654,0.24251,0.46117,0.2335 +7.31045,0.41716,0.24169,0.40744,0.23241 +7.31516,0.41768,0.24123,0.3537,0.23132 \ No newline at end of file diff --git a/validation/dam_break_2d/sim_pressure_sensor_P2.csv b/validation/dam_break_2d/sim_pressure_sensor_P2.csv new file mode 100644 index 000000000..9b2b15ad8 --- /dev/null +++ b/validation/dam_break_2d/sim_pressure_sensor_P2.csv @@ -0,0 +1,271 @@ +time,exp,h40,h80,h320 +2.99329,-0.003494,-0.024238,-0.005919,0.00128 +3.00553,-0.015227,-0.021572,-0.003589,0.001019 +3.00728,-0.016577,-0.021187,-0.003167,0.000984 +3.0405,-0.024482,-0.014254,-0.000973,0.000442 +3.06662,-0.009371,-0.01079,-0.003062,0.000178 +3.06848,-0.007995,-0.010712,-0.00323,0.000164 +3.10346,0.007016,-0.018955,-0.005912,-4.7e-05 +3.10965,0.006076,-0.021852,-0.006149,-7.4e-05 +3.11395,0.004728,-0.02371,-0.006226,-9.1e-05 +3.13668,-0.005927,-0.027571,-0.004977,-0.000162 +3.16466,-0.014863,-0.018641,-0.002115,-0.000218 +3.17904,-0.015926,-0.01517,-0.002166,-0.000235 +3.18389,-0.015761,-0.014474,-0.002332,-0.000239 +3.19614,-0.014485,-0.013626,-0.002845,-0.000247 +3.24335,-0.004529,-0.015262,-0.003999,-0.000247 +3.26084,-0.000808,-0.015983,-0.00386,-0.000238 +3.29146,0.002483,-0.01509,-0.003182,-0.000213 +3.32554,-0.004655,-0.012248,-0.00211,-0.000174 +3.371,-0.018361,-0.010321,-0.000648,-0.00011 +3.3789,-0.018927,-0.010186,-0.000464,-9.7e-05 +3.40598,-0.016902,-0.010014,-0.000252,-5.1e-05 +3.44794,-0.008673,-0.010215,-0.000659,2.6e-05 +3.49688,-0.000817,-0.009718,-0.000598,0.000126 +3.49866,-0.000763,-0.009653,-0.000593,0.000129 +3.57385,-0.011145,-0.004048,-0.000663,0.000298 +3.5756,-0.011243,-0.003936,-0.000678,0.000302 +3.60514,-0.010937,-0.002581,-0.001061,0.000372 +3.65604,-0.004909,-0.003311,-0.001743,0.000497 +3.66706,-0.003194,-0.004756,-0.001763,0.000524 +3.69276,0.001053,-0.008487,-0.001444,0.000588 +3.69975,0.002245,-0.008185,-0.001251,0.000606 +3.72214,0.006078,-0.005062,-0.000368,0.000988 +3.77502,0.014078,0.001172,0.002442,0.001923 +3.78544,0.01499,0.001537,0.002944,0.00163 +3.79251,0.015187,0.001588,0.003234,0.001924 +3.79768,0.014861,0.001536,0.003407,0.002194 +3.82569,-0.007992,0.000339,0.003622,0.003803 +3.82998,-0.007999,6e-05,0.003578,0.004056 +3.87812,-0.002171,-0.003356,0.00377,0.00693 +3.89211,0.000193,-0.003721,0.00424,0.007774 +3.94282,0.009347,0.006007,0.006706,0.010864 +4.01041,0.019612,0.008439,0.01072,0.015075 +4.01277,0.019662,0.00847,0.010864,0.015225 +4.02568,-0.002976,0.008699,0.011652,0.016049 +4.0355,-0.002719,0.008988,0.012254,0.016682 +4.06143,-7.1e-05,0.010569,0.013879,0.018392 +4.11211,0.007032,0.015898,0.017419,0.022158 +4.11769,0.007846,0.016464,0.017846,0.021416 +4.13343,0.010122,0.017953,0.019083,0.022788 +4.16498,0.014434,0.02072,0.021702,0.025924 +4.21582,0.019284,0.025438,0.026279,0.031324 +4.2296,0.019363,0.026932,0.027599,0.032815 +4.28522,0.004712,0.03433,0.03333,0.038868 +4.3048,0.008604,0.037099,0.035532,0.041004 +4.32753,0.015819,0.040022,0.038235,0.043479 +4.37405,0.028473,0.04481,0.044163,0.048513 +4.44819,0.025729,0.053483,0.053857,0.056235 +4.4514,0.025502,0.05392,0.054234,0.056545 +4.47536,0.024595,0.057311,0.05675,0.058589 +4.49766,0.024953,0.060635,0.059055,0.060312 +4.51813,0.026011,0.063804,0.062084,0.063695 +4.61081,0.036632,0.079515,0.079668,0.079046 +4.63704,0.041238,0.084532,0.082829,0.083441 +4.64885,0.043589,0.086954,0.083864,0.085436 +4.66731,0.047661,0.091041,0.085473,0.088591 +4.68076,0.05094,0.094321,0.087146,0.09095 +4.70697,0.05805,0.101556,0.092717,0.096604 +4.72972,0.064923,0.108106,0.099345,0.100599 +4.73497,0.066583,0.10953,0.100992,0.10145 +4.74883,0.071067,0.113115,0.105196,0.103674 +4.77932,0.081013,0.120294,0.111315,0.108822 +4.78044,0.081365,0.120541,0.111469,0.109037 +4.79069,0.0845,0.122755,0.112768,0.111216 +4.82594,0.094008,0.129642,0.116758,0.120174 +4.83115,0.095272,0.130556,0.117374,0.121222 +4.85563,0.101001,0.134502,0.120818,0.125324 +4.86676,0.103586,0.13615,0.123094,0.126851 +4.87,0.104346,0.13662,0.123903,0.127243 +4.89935,0.111338,0.140779,0.133167,0.132673 +4.90966,0.11384,0.14226,0.135898,0.135257 +4.94306,0.12206,0.147389,0.143149,0.143844 +4.98153,0.131715,0.15414,0.150753,0.153588 +4.9889,0.133583,0.155526,0.152192,0.1554 +5.02863,0.143724,0.16358,0.159961,0.164487 +5.05323,0.149984,0.169463,0.164786,0.168417 +5.07421,0.155261,0.181441,0.168925,0.169138 +5.0749,0.155432,0.181759,0.169061,0.169197 +5.10795,0.163493,0.194084,0.175672,0.178627 +5.12143,0.166633,0.19909,0.178439,0.18323 +5.1263,0.167738,0.200999,0.179464,0.184763 +5.14066,0.17087,0.207266,0.182658,0.18803 +5.141,0.17094,0.207431,0.182737,0.188057 +5.17039,0.176741,0.225115,0.190787,0.188973 +5.17739,0.178005,0.226731,0.192607,0.189915 +5.18947,0.18011,0.226474,0.19567,0.191824 +5.20541,0.182882,0.224237,0.199647,0.194684 +5.2246,0.187139,0.221856,0.204398,0.198387 +5.24384,0.194487,0.229342,0.209176,0.202259 +5.24566,0.195357,0.229964,0.209633,0.202633 +5.26132,0.202888,0.230569,0.213614,0.205869 +5.26482,0.204412,0.230462,0.214535,0.206598 +5.28231,0.210729,0.234952,0.221081,0.210277 +5.2858,0.211745,0.23857,0.22297,0.211018 +5.30329,0.215789,0.246931,0.230308,0.214744 +5.31922,0.218229,0.246675,0.235646,0.218159 +5.33477,0.219758,0.245441,0.239438,0.221497 +5.34149,0.220243,0.24505,0.240413,0.222936 +5.35225,0.220864,0.245426,0.241063,0.225224 +5.36799,0.221519,0.255907,0.240837,0.22847 +5.38335,0.221967,0.25219,0.240844,0.230949 +5.38548,0.222019,0.251564,0.240928,0.231261 +5.40646,0.222453,0.247664,0.242727,0.234537 +5.42741,0.222851,0.249242,0.245665,0.237547 +5.44843,0.223363,0.253098,0.24953,0.239923 +5.45542,0.223587,0.254022,0.251108,0.240577 +5.46912,0.22415,0.253539,0.254286,0.241727 +5.47588,0.224506,0.252607,0.255289,0.242257 +5.48165,0.224853,0.252895,0.255786,0.242704 +5.4834,0.224966,0.253454,0.25589,0.24284 +5.49914,0.226142,0.262253,0.256296,0.244083 +5.51488,0.227582,0.257383,0.256206,0.24542 +5.52656,0.228789,0.260036,0.255951,0.246496 +5.53936,0.230208,0.26337,0.255519,0.247743 +5.54636,0.231007,0.252511,0.255215,0.248432 +5.5481,0.231207,0.25097,0.255131,0.248603 +5.56559,0.233186,0.243896,0.25412,0.250252 +5.58133,0.234822,0.238278,0.253014,0.251545 +5.59045,0.235653,0.246973,0.252365,0.252147 +5.59126,0.235722,0.247434,0.252311,0.252193 +5.59357,0.235913,0.248011,0.252158,0.252317 +5.60056,0.23644,0.245232,0.251754,0.25263 +5.61455,0.237217,0.239022,0.2512,0.253013 +5.63729,0.237394,0.243584,0.248753,0.253387 +5.64253,0.237182,0.245008,0.247535,0.253529 +5.64333,0.23714,0.245169,0.247334,0.253554 +5.67401,0.232854,0.239013,0.240393,0.255211 +5.67751,0.231926,0.237797,0.240135,0.255457 +5.6962,0.224416,0.2309,0.242046,0.256849 +5.69674,0.224116,0.230688,0.242186,0.256889 +5.71073,0.213967,0.224701,0.248742,0.25795 +5.72472,0.198417,0.217419,0.258849,0.259022 +5.73521,0.181528,0.210173,0.256679,0.259847 +5.73838,0.174779,0.207351,0.255859,0.260101 +5.74115,0.194392,0.204493,0.255125,0.260327 +5.74467,0.193585,0.200258,0.254192,0.260615 +5.76319,0.184195,0.176846,0.249736,0.262179 +5.77893,0.174493,0.174771,0.247234,0.263515 +5.79535,0.164384,0.178111,0.246473,0.264853 +5.79817,0.162723,0.179087,0.246507,0.265074 +5.79991,0.161713,0.185078,0.246548,0.265209 +5.81055,0.156046,0.197748,0.247086,0.266021 +5.8174,0.153072,0.205294,0.247643,0.266548 +5.83664,0.148034,0.220642,0.249472,0.268164 +5.84602,0.145849,0.215544,0.249683,0.269091 +5.85496,0.141181,0.207992,0.248382,0.270093 +5.86287,0.13412,0.201302,0.246099,0.271033 +5.86636,0.130428,0.198547,0.245095,0.271452 +5.88272,0.114431,0.187622,0.24219,0.27327 +5.88966,0.154548,0.18385,0.242192,0.273903 +5.89449,0.15378,0.181575,0.242732,0.274273 +5.89959,0.152415,0.179598,0.243847,0.274597 +5.90483,0.150634,0.178323,0.245613,0.274875 +5.92232,0.143051,0.180566,0.254715,0.275626 +5.94331,0.131939,0.164662,0.267803,0.276917 +5.94516,0.130877,0.16287,0.268874,0.277096 +5.95729,0.123668,0.149484,0.274922,0.278707 +5.97828,0.110042,0.120651,0.280096,0.28365 +5.98262,0.107011,0.118548,0.280201,0.28511 +5.98877,0.102548,0.117087,0.279778,0.287527 +6.00101,0.092778,0.113908,0.277264,0.293764 +6.00208,0.091827,0.113022,0.276971,0.294397 +6.00465,0.089431,0.11031,0.276237,0.295957 +6.0118,0.067755,0.116974,0.274025,0.300586 +6.01675,0.066834,0.128134,0.272435,0.304311 +6.02007,0.066389,0.136286,0.271391,0.307276 +6.03424,0.064635,0.170181,0.268538,0.31821 +6.03549,0.064473,0.172954,0.268661,0.318596 +6.05872,0.060931,0.212536,0.245321,0.318166 +6.06193,0.060328,0.215789,0.238278,0.317177 +6.07096,0.058425,0.220982,0.217821,0.311289 +6.07425,0.057641,0.221206,0.210215,0.307135 +6.07515,0.057418,0.221106,0.208136,0.305853 +6.08396,0.055022,0.216687,0.187602,0.294058 +6.09278,0.052323,0.206632,0.166981,0.282264 +6.09718,0.050897,0.199783,0.156682,0.270469 +6.10379,0.048707,0.187603,0.141299,0.259147 +6.1104,0.046503,0.173592,0.126062,0.247352 +6.11481,0.045052,0.163525,0.116038,0.235558 +6.11922,0.043632,0.153116,0.106187,0.223764 +6.12342,0.042315,0.143089,0.097041,0.21256 +6.12362,0.042253,0.142608,0.09661,0.21197 +6.12692,0.041255,0.134857,0.089736,0.202626 +6.12803,0.040926,0.132289,0.087488,0.200176 +6.13464,0.03905,0.117637,0.075169,0.188381 +6.13904,0.037884,0.108504,0.054541,0.176587 +6.13916,0.037855,0.108276,0.067834,0.176255 +6.14345,0.03679,0.099909,0.048195,0.164793 +6.14786,0.035772,0.09186,0.044368,0.153471 +6.14965,0.03538,0.088738,0.043121,0.148855 +6.15226,0.034831,0.084338,0.041508,0.141677 +6.15667,0.033968,0.077309,0.039144,0.129882 +6.15892,0.033557,0.073897,0.038054,0.125854 +6.16328,0.032816,0.067576,0.036091,0.118088 +6.16769,0.032132,0.061542,0.034256,0.106294 +6.17413,0.031229,0.053226,0.031754,0.09484 +6.17429,0.031207,0.053021,0.031692,0.094499 +6.1787,0.030647,0.047621,0.030069,0.082705 +6.18531,0.029873,0.039883,0.027712,0.070911 +6.19192,0.029163,0.032555,0.025401,0.059588 +6.20073,0.028288,0.023418,0.022299,0.047793 +6.20955,0.027464,0.015057,0.019014,0.035999 +6.21785,0.026703,0.008001,0.015404,0.028389 +6.22277,0.026248,0.004274,0.012587,0.024675 +6.23184,0.025376,-0.001447,0.003749,0.01837 +6.23819,0.02472,-0.004254,-0.000632,0.014294 +6.24233,0.024261,-0.005461,-0.001823,0.011344 +6.24259,0.02423,-0.005521,-0.00188,0.010991 +6.26718,0.020466,-0.004605,-0.004022,0.002671 +6.27344,0.018968,-0.003642,-0.004176,0.002024 +6.27905,0.017355,-0.002952,-0.004258,0.001586 +6.32277,0.004711,-0.002842,-0.004082,4.2e-05 +6.33851,0.003361,-0.004833,-0.003935,-0.000152 +6.34351,0.003218,-0.006236,-0.003894,-0.000194 +6.349,0.003183,-0.0112,-0.003852,-0.000232 +6.37173,0.003894,-0.009331,-0.003739,-0.000326 +6.37919,0.004316,-0.010336,-0.003727,-0.000351 +6.4102,0.006575,-0.01383,-0.003861,-0.000555 +6.42769,0.008023,-0.008821,-0.004097,-0.00076 +6.43427,0.008575,-0.007037,-0.004222,-0.000831 +6.4563,0.010364,-0.003017,-0.004786,-0.000834 +6.48015,0.011994,-0.000735,-0.005669,-0.000838 +6.49757,0.012705,0.000169,-0.006533,-0.000841 +6.50918,0.012732,0.000566,-0.007246,-0.000842 +6.52212,0.012169,0.000877,-0.00823,-0.000841 +6.57252,0.005561,0.001257,-0.010875,-0.000837 +6.57633,0.00555,0.001248,-0.010485,-0.000837 +6.65441,0.01179,0.000394,6.8e-05,-0.000836 +6.66026,0.01173,0.000295,0.000361,-0.000837 +6.67775,0.010842,-1.6e-05,0.000652,-0.00084 +6.74933,0.005528,-0.001765,-0.002851,-0.000877 +6.76544,0.005235,-0.002768,-0.003872,-0.000904 +6.77043,0.005239,-0.003221,-0.004148,-0.000916 +6.77218,0.00525,-0.0034,-0.004238,-0.000921 +6.7978,0.005847,-0.006622,-0.005082,-0.001356 +6.82114,0.006864,-0.0079,-0.00513,-0.001664 +6.85068,0.008437,-0.003577,-0.004661,-0.001836 +6.87535,0.009723,-0.001153,-0.004164,-0.000977 +6.89633,0.0105,-4.8e-05,-0.003767,-0.000911 +6.90135,0.010586,0.000126,-0.003676,-0.0009 +6.90978,0.010563,0.000363,-0.003525,-0.000884 +6.9542,0.002236,0.000897,-0.00277,-0.000832 +7.05371,0.008399,0.000332,-0.001195,-0.000811 +7.06523,0.00846,0.000205,-0.001017,-0.000813 +7.12191,0.007267,-0.000456,-0.000245,-0.00083 +7.17787,0.005076,-0.001056,-0.000465,-0.000858 +7.26006,0.001978,-0.001757,-0.003847,-0.000911 +7.30951,0.000994,-0.002066,-0.003665,-0.000947 +7.33097,0.000967,-0.002173,-0.003476,-0.000964 +7.38247,0.002046,-0.002367,-0.0029,-0.000999 +7.38385,0.002097,-0.002371,-0.002883,-0.000972 +7.43893,0.004972,-0.002486,-0.002173,-0.00098 +7.49401,0.009135,-0.002531,-0.001466,-0.000988 +7.51187,0.010634,-0.002534,-0.001263,-0.00099 +7.52047,0.011364,-0.002534,-0.001176,-0.000991 +7.54688,0.013589,-0.002528,-0.00097,-0.000996 +7.60196,0.017753,-0.002494,-0.001149,-0.001004 +7.61329,0.01847,-0.002484,-0.001278,-0.001006 +7.65484,0.020546,-0.002442,-0.001196,-0.001012 +7.68324,0.021401,-0.002412,-0.000932,-0.001016 +7.68499,0.021438,-0.00241,-0.000914,-0.001016 \ No newline at end of file diff --git a/validation/dam_break_2d/validation_dam_break_2d.jl b/validation/dam_break_2d/validation_dam_break_2d.jl new file mode 100644 index 000000000..baf2c41b4 --- /dev/null +++ b/validation/dam_break_2d/validation_dam_break_2d.jl @@ -0,0 +1,162 @@ + +include("../validation_util.jl") + +using TrixiParticles +using JSON + +gravity = 9.81 + +H = 0.6 +W = 2 * H +tspan = (0.0, 8.0 / sqrt(gravity / H)) + +# `particle_spacing` in this case is set relative to `H`, the initial height of the fluid. +# Use H / 80, H / 320 for validation. +# Note: H / 320 takes a few hours! +particle_spacing = H / 40 +smoothing_length = 3.5 * particle_spacing +smoothing_kernel = WendlandC2Kernel{2}() + +fluid_density = 1000.0 +sound_speed = 20 * sqrt(gravity * H) + +boundary_layers = 4 +spacing_ratio = 1 +boundary_particle_spacing = particle_spacing / spacing_ratio + +initial_fluid_size = (W, H) +tank_size = (floor(5.366 * H / boundary_particle_spacing) * boundary_particle_spacing, 4.0) + +# The top of the sensors is at the position where the middle of the sensors is in the experiment. +# +# > Note, the probe position in the numerical setup does not exactly match the position in the experiment, but +# > Greco [36] showed that this shift gives better agreement and reported several uncertainties in the +# > measurements motivating this adjustment. +# S. Adami, X. Y. Hu, N. A. Adams. +# "A generalized wall boundary condition for smoothed particle hydrodynamics". +# In: Journal of Computational Physics 231, 21 (2012), pages 7057--7075. +# https://doi.org/10.1016/J.JCP.2012.05.005 +sensor_size = 0.009 +P1_y_top = 160 / 600 * H +P1_y_bottom = P1_y_top - sensor_size +P2_y_top = (160 + 424) / 600 * H +P2_y_bottom = P2_y_top - sensor_size +P3_y_top = (160 + 424 + 416) / 600 * H +P3_y_bottom = P3_y_top - sensor_size + +sensor_names = ["P1", "P2", "P3"] + +tank_right_wall_x = floor(5.366 * H / particle_spacing) * particle_spacing - + 0.5 * particle_spacing + +pressure_P1 = (v, u, t, sys) -> interpolated_pressure([tank_right_wall_x, P1_y_top], + [tank_right_wall_x, P1_y_bottom], + v, u, t, sys) +pressure_P2 = (v, u, t, sys) -> interpolated_pressure([tank_right_wall_x, P2_y_top], + [tank_right_wall_x, P2_y_bottom], + v, u, t, sys) +pressure_P3 = (v, u, t, sys) -> interpolated_pressure([tank_right_wall_x, P3_y_top], + [tank_right_wall_x, P3_y_bottom], + v, u, t, sys) + +function max_x_coord(v, u, t, system) + return maximum(particle -> TrixiParticles.current_coords(u, system, particle)[1], + TrixiParticles.eachparticle(system)) +end + +function interpolated_pressure(coord_top, coord_bottom, v, u, t, system) + sol = (; u=[(; x=(v, u))]) + n_interpolation_points = 10 + interpolated_values = interpolate_line(coord_top, coord_bottom, + n_interpolation_points, semi, system, sol, + smoothing_length=2.0 * system.smoothing_length, + clip_negative_pressure=true) + return sum(map(x -> isnan(x) ? 0.0 : x, interpolated_values.pressure)) / + n_interpolation_points +end + +formatted_string = replace(string(particle_spacing), "." => "") + +# EDAC simulation +############################################################################################ +method = "edac" +postprocessing_cb = PostprocessCallback(; dt=0.02, output_directory="out", + filename="validation_result_dam_break_" * + method * "_" * formatted_string, + write_csv=false, max_x_coord, pressure_P1, + pressure_P2, pressure_P3) + +tank_edac = RectangularTank(particle_spacing, initial_fluid_size, tank_size, fluid_density, + n_layers=boundary_layers, spacing_ratio=spacing_ratio, + acceleration=(0.0, -gravity), state_equation=nothing) + +alpha = 0.02 +viscosity_edac = ViscosityAdami(nu=alpha * smoothing_length * sound_speed / 8) +fluid_system_edac = EntropicallyDampedSPHSystem(tank_edac.fluid, smoothing_kernel, + smoothing_length, + sound_speed, viscosity=viscosity_edac, + density_calculator=ContinuityDensity(), + pressure_acceleration=nothing, + acceleration=(0.0, -gravity)) + +trixi_include(@__MODULE__, joinpath(examples_dir(), "fluid", "dam_break_2d.jl"), + fluid_particle_spacing=particle_spacing, + smoothing_length=smoothing_length, smoothing_kernel=smoothing_kernel, + boundary_layers=4, state_equation=nothing, + solution_prefix="validation_" * method * "_" * formatted_string, + extra_callback=postprocessing_cb, tspan=tspan, + fluid_system=fluid_system_edac, tank=tank_edac, + threaded_nhs_update=false) # To get the same results with different thread numbers + +reference_file_edac_name = joinpath(validation_dir(), "dam_break_2d", + "validation_reference_edac_$formatted_string.json") +run_file_edac_name = joinpath("out", + "validation_result_dam_break_edac_$formatted_string.json") + +reference_data = JSON.parsefile(reference_file_edac_name) +run_data = JSON.parsefile(run_file_edac_name) + +error_edac_P1 = interpolated_mse(reference_data["pressure_P1_fluid_1"]["time"], + reference_data["pressure_P1_fluid_1"]["values"], + run_data["pressure_P1_fluid_1"]["time"], + run_data["pressure_P1_fluid_1"]["values"]) + +error_edac_P2 = interpolated_mse(reference_data["pressure_P2_fluid_1"]["time"], + reference_data["pressure_P2_fluid_1"]["values"], + run_data["pressure_P2_fluid_1"]["time"], + run_data["pressure_P2_fluid_1"]["values"]) + +# WCSPH simulation +############################################################################################ +method = "wcsph" +postprocessing_cb = PostprocessCallback(; dt=0.02, output_directory="out", + filename="validation_result_dam_break_" * + method * "_" * formatted_string, + write_csv=false, max_x_coord, pressure_P1, + pressure_P2, pressure_P3) + +trixi_include(@__MODULE__, joinpath(examples_dir(), "fluid", "dam_break_2d.jl"), + fluid_particle_spacing=particle_spacing, + smoothing_length=smoothing_length, smoothing_kernel=smoothing_kernel, + boundary_layers=4, + solution_prefix="validation_" * method * "_" * formatted_string, + extra_callback=postprocessing_cb, tspan=tspan, + threaded_nhs_update=false) # To get the same results with different thread numbers + +reference_file_wcsph_name = joinpath(validation_dir(), "dam_break_2d", + "validation_reference_wcsph_$formatted_string.json") +run_file_wcsph_name = joinpath("out", + "validation_result_dam_break_wcsph_$formatted_string.json") + +reference_data = JSON.parsefile(reference_file_wcsph_name) +run_data = JSON.parsefile(run_file_wcsph_name) + +error_wcsph_P1 = interpolated_mse(reference_data["pressure_P1_fluid_1"]["time"], + reference_data["pressure_P1_fluid_1"]["values"], + run_data["pressure_P1_fluid_1"]["time"], + run_data["pressure_P1_fluid_1"]["values"]) + +error_wcsph_P2 = interpolated_mse(reference_data["pressure_P2_fluid_1"]["time"], + reference_data["pressure_P2_fluid_1"]["values"], + run_data["pressure_P2_fluid_1"]["time"], + run_data["pressure_P2_fluid_1"]["values"]) diff --git a/validation/dam_break_2d/validation_reference_edac_0001875.json b/validation/dam_break_2d/validation_reference_edac_0001875.json new file mode 100644 index 000000000..c0bd126da --- /dev/null +++ b/validation/dam_break_2d/validation_reference_edac_0001875.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 12.7359793055971, + 28.5145237236281, + 121.18168891145856, + 316.403957811798, + 672.8347524740096, + 975.7435164971901, + 1234.7711524201573, + 1267.680802913088, + 1325.9539878370165, + 1369.2759819671567, + 1350.4045030210407, + 1486.383129259401, + 1533.1394246949553, + 1660.155468017621, + 1743.1540612366239, + 1883.4808330153646, + 1968.8761154337378, + 2055.5802596756357, + 2272.252411907779, + 2325.017625624002, + 2344.031120910614, + 2339.1747220108127, + 2554.788413947325, + 2558.8206401087564, + 2561.4739343811502, + 2673.201703494265, + 2687.0498811013213, + 2665.652476816712, + 2796.719586397012, + 2690.6854597061447, + 2823.976655280274, + 2773.888397659288, + 2770.7246352561287, + 2733.8073822998463, + 2791.441447325751, + 2758.279567000115, + 2775.3420612807868, + 2754.1897112804113, + 2780.4439704978495, + 2832.8226883106045, + 2832.207096183353, + 2919.172692602965, + 2978.1005453219236, + 3055.533747183998, + 3115.2877143793003, + 3304.5758576941566, + 3716.945192978689, + 4139.041856711153, + 5089.9979516091435, + 6784.711878272115, + 5398.159733462215, + 5383.433219097706, + 5694.021068009453, + 5567.551168262456, + 5700.433087898954, + 6512.9993263423485, + 6921.981388579496, + 2126.342769759701, + 4818.481846720581, + 2147.0886483178983, + 2035.776595240432, + 3286.8706549891367, + 0.0, + 183.40990436617943, + 0.0, + 240.28213505770492, + 23.58938714055236, + 8.693169047793514, + 45.131256074044394 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "98fe4b85-dirty", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 21.472697885978445, + 10.036855178405164, + 17.953156099725824, + 11.193310410622063, + 15.83130169456302, + 28.300612730060152, + 23.415266211843004, + 7.8618294949455905, + 19.77745609502992, + 6.78805576189078, + 16.60577689715863, + 15.765413654803334, + 9.60572951183119, + 38.139007072131825, + 31.696665025734763, + 77.87194738026172, + 163.8658377974792, + 180.69274449627062, + 222.54545096994465, + 267.3263578713369, + 286.5018951603133, + 384.4746403145662, + 445.98342590607035, + 575.2469414095979, + 596.268916294803, + 753.3967517055345, + 846.4516642336127, + 905.705056613858, + 1027.3067437018638, + 1133.7076645333389, + 1261.3890568617142, + 1368.9933149540043, + 1451.027232035189, + 1534.1833594826799, + 1613.4690245827069, + 1676.8665162894079, + 1697.3325324590646, + 1748.1514300345352, + 1747.3641613490236, + 1857.658956085584, + 1431.5179859919629, + 345.7287754717464, + 22.280850379549335, + 13.04647104615773, + 19.835843255318192, + 7.334800977648827, + 2.2899246175283445, + 5.707395070400249, + 0.0, + 0.0, + 7.462732625470549, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.1990625, + 1.2063432940755658, + 1.2250029680741252, + 1.2530386861909606, + 1.288380049164496, + 1.3296514917312396, + 1.3761229671532695, + 1.4273044663017989, + 1.4827926673621, + 1.5422127863194253, + 1.6052157918941716, + 1.6714596553470806, + 1.7406580805572875, + 1.812374269690358, + 1.8864315942123377, + 1.9627470006302623, + 2.041216921028526, + 2.121617826397508, + 2.203751516733095, + 2.2876038129918603, + 2.373149729066263, + 2.46009044721456, + 2.547933146106392, + 2.636834633661893, + 2.7269083994450263, + 2.8180682120678515, + 2.910233637533954, + 3.003343213189532, + 3.0971895719847193, + 3.1915593646002023, + 3.2196902197292787, + 3.219119439082579, + 3.219160083870915, + 3.2188337175742134, + 3.2188660956650565, + 3.2188456697301047, + 3.218791604574891, + 3.218819504101484, + 3.2188097432071134, + 3.2188700523552267, + 3.2187898253144627, + 3.2188181722874565, + 3.2188315383940687, + 3.2188099963666703, + 3.218788914955046, + 3.2188087786969635, + 3.218788151059705, + 3.218818465460849, + 3.2188210252066938, + 3.218820071146196, + 3.2187641750692, + 3.2187894758955875, + 3.21878178722089, + 3.218787156513524, + 3.2187741708911304, + 3.2187372524939875, + 3.218723777155505, + 3.218801110338959, + 3.2187595553187642, + 3.218794551698227, + 3.2189359364973846, + 3.2189754134306097, + 3.2187959457458852, + 3.2187582476135965, + 3.2187811787494365, + 3.2187738977564107, + 3.2187371959054767, + 3.2187617001374567, + 3.218770150918383, + 3.2188413372559417, + 3.2187391407868957, + 3.2189228917502835, + 3.2187628973469233, + 3.218748622087054, + 3.2187667204087425, + 3.2188150192510254, + 3.2187066040729677, + 3.2187422551705183, + 3.2188285350292256, + 3.2187540013873512, + 3.218817745001026, + 3.218753323146198, + 3.2190417019977278, + 3.218902290859742, + 3.21917334895788, + 3.219890659836416, + 3.220026541071697, + 3.2193949673980007, + 3.2198247605564982, + 3.220694585297862, + 3.22067370122762, + 3.2206288665574703, + 3.2205844767554037, + 3.2209111988932424, + 3.219942974737926, + 3.219950820221985, + 3.221179717942062, + 3.220626177302738, + 3.2206076584431527, + 3.2206012236298225 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 15.529277655179897, + 12.81309061156936, + 11.495076082392263, + 16.74388970629975, + 9.60944005771834, + 5.502557441697027, + 3.2002845914885194, + 19.107397293757252, + 3.4181356258315487, + 12.434467294945737, + 4.8763962142257125, + 2.960353563187964, + 4.528842104467208, + 4.19743959199365, + 4.3593462737199555, + 1.9808774326465148, + 2.2930486613951038, + 1.2802765276810233, + 0.8553600802283693, + 1.2013864991905048, + 0.9812959138648975, + 2.9223327935557912, + 3.6221245567188896, + 10.69892561088472, + 5.184896692900523, + 3.7350019298198482, + 8.366625185809166, + 3.8411397481336578, + 4.372304023877084, + 13.618701695211328, + 22.034252504158683, + 9.524242299283609, + 11.640219137102804, + 8.59664828444686, + 5.184157038067201, + 2.8799668253121937, + 13.032063157575939, + 4.933994270495964, + 9.780250778572684, + 0.0, + 0.0, + 0.406470135144525, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/dam_break_2d/validation_reference_edac_00075.json b/validation/dam_break_2d/validation_reference_edac_00075.json new file mode 100644 index 000000000..bd53415c1 --- /dev/null +++ b/validation/dam_break_2d/validation_reference_edac_00075.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 63.829505651630846, + 220.30826119648836, + 356.39160841531566, + 535.516077453837, + 963.5802099739906, + 881.3573623650755, + 1324.980773435947, + 1333.3272539220463, + 1299.4073738291438, + 1333.2914543308548, + 1453.4742215160632, + 1644.1466295611085, + 1786.0017052646526, + 1781.3058297672237, + 1898.829394763771, + 1908.5607738029503, + 2043.1272321029107, + 2299.9805783396173, + 2397.2803813327737, + 2194.9681883855856, + 2490.947559662288, + 2464.2354854843725, + 2567.5142907053973, + 2509.8512859444154, + 2802.7113346478886, + 2601.3616867718347, + 2725.748923436639, + 2716.6396869340956, + 2725.0700332563947, + 2604.6917694756244, + 2863.1584278286573, + 2766.133568172541, + 2778.5781481461536, + 2682.5791033620744, + 2785.9028160596604, + 2795.2322853133, + 2764.726744940796, + 2717.46050450239, + 2831.3719415971464, + 2925.490108702938, + 2979.583547611059, + 3105.2850856824093, + 3244.3856460898687, + 3294.1171515493043, + 3785.2292794318246, + 3913.511788275557, + 4531.301263579918, + 5761.126046753425, + 7519.351325972794, + 4153.756277506261, + 3279.8000230800862, + 5688.623347209816, + 5433.102770408339, + 7597.346718048364, + 5052.317899702394, + 3116.5428328888825, + 2349.516037719813, + 1213.8474417759014, + 650.7827228183571, + 1865.2307953276857, + 446.83827900878543, + 1327.092311634857, + 529.5215672655502, + 1309.9510132813543, + 861.8276663220553, + 1527.4281446551856, + 1394.2536482885102, + 2036.0762266565296 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "98fe4b85-dirty", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 5.0282935721918545, + 41.66902559762977, + 16.195175000569556, + 9.772190471505196, + 56.784903933109135, + 23.006398092933928, + 13.765969200139901, + 12.598747857884188, + 11.712832468476293, + 13.966219219297994, + 14.100333535764658, + 39.437277554825684, + 43.5423194791, + 16.231952571132442, + 96.81208250744115, + 128.9850320577453, + 152.71711006265843, + 170.3856803346461, + 238.89851359304885, + 305.98841083043874, + 371.02145365540594, + 461.8754645655811, + 525.3023700444741, + 677.4712733719313, + 767.479320282582, + 861.0047206691031, + 991.6954099442231, + 1090.8555925376113, + 1128.8356302289744, + 1445.7568270904444, + 1479.4249349982256, + 1475.1956396616933, + 1584.4783609712804, + 1639.2918017908673, + 1726.2818799954275, + 1792.8565787121727, + 1900.00143514012, + 1940.0073845390475, + 1665.5954705697288, + 1631.7514029572583, + 694.5720280501272, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.19625, + 1.2023976467184008, + 1.2179944997990482, + 1.2432317106166832, + 1.2768921158107565, + 1.3174944089678398, + 1.363773913458999, + 1.4147586979970606, + 1.4698590397345028, + 1.5286639090988325, + 1.590883005387329, + 1.656242684041159, + 1.7244429453366437, + 1.7952163157185361, + 1.8683754102276249, + 1.9437962223600003, + 2.021336588700605, + 2.100786406989409, + 2.1820406570528568, + 2.2648743393364077, + 2.3489210372982403, + 2.434103799766087, + 2.5205804045738502, + 2.6082968893405742, + 2.6971417538554188, + 2.7866789792173656, + 2.876522591465255, + 2.9667925003714157, + 3.0577166572369734, + 3.1494195562105856, + 3.2172367424978736, + 3.217731452032734, + 3.2176100586254948, + 3.2178700938455798, + 3.2174898133893666, + 3.217267185894823, + 3.2172536924069224, + 3.217178702109812, + 3.2169691406849776, + 3.2168368639030445, + 3.2167343156157084, + 3.216642708903159, + 3.2165359705888847, + 3.216420106135052, + 3.216315087121993, + 3.216190326215446, + 3.216086124722576, + 3.2160385803340965, + 3.216050053818234, + 3.2160337820246196, + 3.2159943819220134, + 3.2159347008094636, + 3.2159127074293994, + 3.2161083211358203, + 3.2162808850626914, + 3.2164244345505755, + 3.2165585437378996, + 3.216654795235872, + 3.2167269365074875, + 3.216754375138281, + 3.2167515055859415, + 3.2167113688123066, + 3.2168153500403998, + 3.2168712431681596, + 3.2168536846066127, + 3.2168026454487033, + 3.2167299797134388, + 3.2166043221498684, + 3.216397049710712, + 3.216081168666742, + 3.2157922944378425, + 3.2156285236165765, + 3.2154261368640507, + 3.2153412042296288, + 3.215305319578891, + 3.2152944492058126, + 3.215288739691573, + 3.2157531909289943, + 3.2152702645965245, + 3.2152575344380456, + 3.2163065921762928, + 3.2164701917963145, + 3.215482938016915, + 3.215197010284924, + 3.217028337267962, + 3.215886930265487, + 3.21745500028446, + 3.2194509283015993, + 3.2209682870062513, + 3.2196219325073554, + 3.21698451537636, + 3.215699412041782, + 3.216737459567915, + 3.217914844950135, + 3.218091583913962, + 3.218082833508435, + 3.218072479714611, + 3.2180687378422013, + 3.2180571470855797, + 3.2180340698377394 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 14.324062948361998, + 0.0, + 11.556323366686689, + 19.897416547062722, + 14.549414170009893, + 37.376587539311515, + 23.679461389760764, + 26.23284934504549, + 9.843110841979625, + 15.047834587442887, + 11.679194179286295, + 10.421649034630363, + 8.53145201559001, + 8.231779655818643, + 7.4710115038618525, + 7.89190390537256, + 7.4076574494687915, + 7.094814898306931, + 6.551896878368265, + 5.657355192996434, + 8.354870819924713, + 6.5641582916196395, + 11.620899941621703, + 10.246057034822284, + 47.32516861754617, + 9.59894792866611, + 9.923660936595967, + 12.807942681526749, + 9.741126570754219, + 0.0, + 0.0, + 35.099437812161575, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/dam_break_2d/validation_reference_edac_0015.json b/validation/dam_break_2d/validation_reference_edac_0015.json new file mode 100644 index 000000000..24757b07f --- /dev/null +++ b/validation/dam_break_2d/validation_reference_edac_0015.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 604.3957582215899, + 854.3064249696633, + 806.7433554643078, + 863.2834525307577, + 1172.7188760376416, + 1185.7354823999622, + 1029.8194599143999, + 1220.8424591423286, + 1129.1130583244467, + 1681.2917027879928, + 1541.8470498978272, + 1941.6817449062, + 1703.3428527373653, + 1820.7752456908524, + 2273.61907013479, + 2059.549527721113, + 2492.4265793163177, + 2431.891436605787, + 2341.4127018992012, + 2380.505662332444, + 2476.6304162505776, + 2377.2152352341263, + 2407.6934010063724, + 2621.6411341900084, + 2604.6982173831625, + 2546.399445810557, + 2689.684321946729, + 2654.6394300204142, + 2815.3615097824277, + 2642.321188486082, + 2862.2882426968963, + 2811.52377372663, + 2800.9092542116946, + 2952.956412783148, + 2844.263845334785, + 2874.303528967565, + 2947.9713667109695, + 2981.7363562084547, + 3022.715296426873, + 3095.8959184057803, + 3223.2834166674697, + 3438.1549404217467, + 3461.6157573942837, + 3889.5328111053327, + 4764.835081898881, + 6691.330625903637, + 5937.573914006671, + 6470.044187005868, + 5114.121150798657, + 3634.979008335772, + 3802.039385890102, + 2751.9598060963713, + 2027.890808792743, + 1718.7065304962896, + 1535.5876413862059, + 1382.3526450110292, + 1479.4637909212727, + 1636.5432932362105, + 1580.8409259586185, + 1362.2791052129037, + 1307.4981915271765, + 1483.094125847357, + 1582.6083889647803, + 3052.2515396988983, + 34536.296819296316, + 37.65056335694383 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "dcd1d2b1-dirty", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 1.4586145070841525, + 35.23970220674348, + 37.54572391444544, + 13.731385167742658, + 18.846457975737682, + 19.8224841977086, + 16.230770674916435, + 56.876420772446885, + 37.33671454315734, + 78.42964736040615, + 75.04969119915044, + 166.61484088498904, + 162.7352955160456, + 281.7282268014637, + 314.52179459013166, + 297.23412867557687, + 357.6400910860976, + 448.6558207559398, + 465.072910798512, + 612.2401011562348, + 751.9411583776679, + 889.9451285845244, + 1033.4736483837655, + 1058.202206530216, + 1247.2730240894725, + 1414.0754260543076, + 1588.386535262655, + 1665.7826025761042, + 1545.8294662391331, + 1673.9628009744847, + 1683.2228289778777, + 1629.4962992741189, + 1359.6993719827465, + 887.91187263999, + 1629.9983580422795, + 1234.4717693503253, + 2004.3258881084407, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.1925, + 1.1979624310701857, + 1.2116593613380129, + 1.234012919268563, + 1.2647682353578247, + 1.302960573952499, + 1.3475843440024642, + 1.3976361698571822, + 1.4522199811561385, + 1.510520947475266, + 1.57214293886014, + 1.6367982265986314, + 1.7042518338466675, + 1.7742937998709938, + 1.8467352027968718, + 1.9213758913869927, + 1.9980351614993204, + 2.076544579209514, + 2.1566383641391065, + 2.238003134643121, + 2.3206381687170157, + 2.4044919394042736, + 2.489540630902278, + 2.5757273488305, + 2.6627522454913684, + 2.7501950551381626, + 2.837835825711921, + 2.9257131544255777, + 3.013897557214555, + 3.102445768668488, + 3.1914847216832074, + 3.2105882666919, + 3.2106025664774633, + 3.210407075423367, + 3.210274207277424, + 3.210140068534914, + 3.210439644792984, + 3.2112884336091394, + 3.2121208254868923, + 3.2125141820856236, + 3.212599029590728, + 3.2119451344617342, + 3.210893702477008, + 3.2095320951690165, + 3.208866042695388, + 3.20871345061095, + 3.208573760872467, + 3.2083568996870384, + 3.208389043560661, + 3.208031877949919, + 3.2079261547153943, + 3.207855507755997, + 3.207774119588862, + 3.207706002731428, + 3.2076706691657413, + 3.2076288978754195, + 3.2075941374177184, + 3.2075586504257148, + 3.2075368319522997, + 3.2075265213627904, + 3.210218793361137, + 3.21269507520042, + 3.2119664146378195, + 3.2074630303747567, + 3.2074452874588837, + 3.2074252902484437, + 3.2074042323916974, + 3.207389539186995, + 3.207376753579591, + 3.2073732467888747, + 3.207348313206412, + 3.2076648180581375, + 3.2073154618525073, + 3.2078540055088123, + 3.2085800521157415, + 3.2072818774036778, + 3.2072679757668348, + 3.207248958752789, + 3.2072243341066833, + 3.2072195892028104, + 3.2072071351452363, + 3.207191617668054, + 3.207167720999114, + 3.207148223076407, + 3.207125308504274, + 3.2071076627463984, + 3.2070796885516786, + 3.2070631437453265, + 3.207023980424339, + 3.207002203054955, + 3.2069578815542887, + 3.206882240708725, + 3.206818992733726, + 3.2067228411656616, + 3.2066412586740536, + 3.206517043308112, + 3.2063950957148974, + 3.206329455325393, + 3.206229289248847, + 3.2061593054711017 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 3.9648485713304686, + 5.688115787444037, + 5.021169068151417, + 3.4690420734565928, + 3.558737480081865, + 3.1571728411890927, + 3.002903034691488, + 4.056831531943184, + 6.550226833801881, + 4.5706557048191865, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 13.988872277177816, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/dam_break_2d/validation_reference_wcsph_0001875.json b/validation/dam_break_2d/validation_reference_wcsph_0001875.json new file mode 100644 index 000000000..b65acf655 --- /dev/null +++ b/validation/dam_break_2d/validation_reference_wcsph_0001875.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 45.784395004426884, + 29.0963004807273, + 82.09143011178865, + 480.5173247987532, + 973.3483022920233, + 950.6415064448477, + 1205.9391286167588, + 1290.217132972779, + 1493.2505500620105, + 791.1303597083299, + 1621.3332817032026, + 1209.649967879809, + 1450.1769634267432, + 1667.706462908013, + 2021.1368753192794, + 2064.739712897202, + 2257.648079488593, + 2059.094957473553, + 2005.5908178585112, + 2245.7005690725623, + 2144.823341827724, + 2401.6276418260254, + 2511.8101954813187, + 2392.8729062435004, + 2728.389883490009, + 2453.68997501138, + 2574.8103376583067, + 2644.8208050406383, + 2795.560194487943, + 2760.374005463031, + 2665.0826676713305, + 2729.435007141164, + 2781.3157684269163, + 2626.429904341887, + 2825.0779162423023, + 2715.766574533961, + 2850.599606872627, + 2717.4272822426187, + 2855.0549332258984, + 2978.689965745355, + 2976.375589014323, + 2921.329964480744, + 3030.587428212174, + 3142.963554938571, + 3064.474348949782, + 3292.874691549051, + 3592.4250266859026, + 4290.388250924816, + 5103.386394463199, + 6745.91427044437, + 5592.075646090989, + 5198.727685514661, + 5192.428024560253, + 4810.974638781969, + 4057.474362834096, + 4982.9085809799635, + 4326.893681724326, + 2365.579225741909, + 794.454920623942, + 128.518422948347, + 3802.146008868988, + 0.0, + 193.6041251795611, + 155.5982729768126, + 0.0, + 0.0, + 280.0329234725871, + 2691.975566958315, + 587.3786496564874 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "98fe4b85-dirty", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 8.134978657093146, + 16.116098542012196, + 14.366905888289647, + 16.181410038300935, + 9.851210123836067, + 27.796007277259566, + 11.17503157781834, + 1.0934215179075044, + 12.844439624904116, + 5.940102595559185, + 19.600847118274284, + 38.053279321766254, + 21.295762396264585, + 12.976253972328617, + 81.24650675781987, + 34.479345653339756, + 245.37183177529965, + 306.79960278612987, + 160.13536073045663, + 315.6922797256672, + 296.080651120703, + 333.2708743720141, + 513.4937918935809, + 495.83807208024655, + 520.7690916129709, + 725.2386100241195, + 858.3613537623429, + 898.8101400627029, + 1026.828064254389, + 1190.5527204068717, + 1260.8739368797535, + 1379.7241579310062, + 1441.7980954536122, + 1477.007856603721, + 1547.1434162566334, + 1583.8840399538308, + 1700.7432601788023, + 1785.0753079682509, + 1733.8949904850874, + 1764.7490159275246, + 1432.4338785761856, + 395.27999913305814, + 34.94150836405466, + 24.900856184771346, + 7.679262019233791, + 28.035980801784653, + 8.438531609013937, + 8.387476071262533, + 16.627723954709776, + 16.034203643304302, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.1990625, + 1.206291218862206, + 1.2251427920923224, + 1.2533926435243583, + 1.2887327249295564, + 1.3298850673213958, + 1.3762353875886921, + 1.4273098662098027, + 1.4826998207876958, + 1.5420431133536183, + 1.6049044398640613, + 1.6709129699713863, + 1.7398473740262257, + 1.8114203023139126, + 1.8854018187827515, + 1.9616117463234828, + 2.0398817409263104, + 2.1200612626004065, + 2.2020224091181038, + 2.285594356795057, + 2.370625789198274, + 2.4569731709642886, + 2.544597123506079, + 2.633505929520998, + 2.7236864465713833, + 2.8147879428876723, + 2.906985603226265, + 3.000343813149392, + 3.0938721073746325, + 3.1880835992151018, + 3.219445769851805, + 3.2194928505759695, + 3.218972846850055, + 3.218850285198104, + 3.2188789186256095, + 3.218899343489275, + 3.2188060714124114, + 3.218805595407585, + 3.2187922335479557, + 3.2187791224898405, + 3.2188049650925525, + 3.218802965005493, + 3.21874633513394, + 3.218778527620756, + 3.218787800086968, + 3.21877763324876, + 3.2187869503277957, + 3.218801723646658, + 3.2188059646005005, + 3.218802904113761, + 3.2187598378629003, + 3.2187926829108324, + 3.2187830153192003, + 3.2187940663279653, + 3.21887316742644, + 3.2189410001275878, + 3.218960821745065, + 3.218969175054672, + 3.219004759769721, + 3.219034463808112, + 3.2190504796248742, + 3.2190521499490696, + 3.219306855849682, + 3.219525377857718, + 3.2197256432100385, + 3.2199100830560936, + 3.2200888769402294, + 3.220104092135281, + 3.2196277874250585, + 3.2196708582832905, + 3.2192796817127145, + 3.2189086136367777, + 3.218969678322776, + 3.21907942406814, + 3.2190411300367785, + 3.2188676944901733, + 3.2188447959347966, + 3.2189454004639897, + 3.218944669941815, + 3.218860166560762, + 3.2187814287838155, + 3.2188050298515645, + 3.2187352008556602, + 3.2187739282258416, + 3.21912366161124, + 3.2186659672343008, + 3.220265299799684, + 3.2189520703755012, + 3.2207158761914387, + 3.22006342847907, + 3.2216900634986714, + 3.221863805412857, + 3.21992639788017, + 3.22035809693605, + 3.219768897432158, + 3.220162312109093, + 3.2199596621054885, + 3.219830044932556, + 3.219676592514716, + 3.2200324616308778 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 30.94820884379941, + 22.90822490454815, + 7.396807867640719, + 7.414100503599705, + 7.607592499293037, + 8.584551268164507, + 15.886168735323801, + 17.583653786794144, + 3.998937810844999, + 26.61922910335046, + 1.143643827251536, + 2.827292135466822, + 1.5729938238346048, + 4.595785914798647, + 2.9661048359859876, + 0.279238435624049, + 0.5856484421451172, + 0.009552267527160834, + 0.0010030857424828412, + 3.720823736828451, + 3.9029906118718665, + 0.034405964785396745, + 3.820213730523163, + 8.931893089299567, + 11.186430353660104, + 4.365343796995128, + 9.257621003118746, + 8.875071770189836, + 5.232857413378655, + 35.57141974974755, + 2.695571516358929, + 0.2777628099152869, + 4.869266502185761, + 10.106394305611726, + 4.6574265770569045, + 4.788598767426367, + 16.250354085392793, + 31.4444062316207, + 8.623685759947092, + 20.213228683789133, + 6.33056812306364, + 0.0, + 0.0, + 20.32651578506585, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/dam_break_2d/validation_reference_wcsph_00075.json b/validation/dam_break_2d/validation_reference_wcsph_00075.json new file mode 100644 index 000000000..2b415c07b --- /dev/null +++ b/validation/dam_break_2d/validation_reference_wcsph_00075.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 58.34607670780366, + 138.30780730090584, + 422.4439168767831, + 916.8364120975024, + 419.06398575736984, + 1347.417827563866, + 2349.6255616253516, + 1064.5393348074151, + 27.317068325912476, + 101.40177005737137, + 781.1469021132997, + 1397.141799265406, + 1379.759513694514, + 1194.2325124227586, + 577.1087108938541, + 835.985544221772, + 3084.814615378419, + 3315.6976314538865, + 832.4717664353399, + 2897.005749304349, + 3002.164449326629, + 1361.257691488331, + 3857.591385230775, + 1670.062910230366, + 3151.308834774854, + 3129.2187304687695, + 979.7764644576539, + 4547.292898341513, + 2359.9991553519276, + 926.182837379232, + 3935.8020396511865, + 4379.52352100003, + 1722.4646619986313, + 239.70093766679906, + 2089.466442476288, + 4483.323370640237, + 5364.48776205749, + 4475.9885720309485, + 2627.998878339486, + 1181.8674467133405, + 649.6636140991379, + 330.1142981716199, + 345.0782726299165, + 192.3883424307605, + 179.4013719150344, + 1136.3039269688265, + 3826.440939852382, + 7363.986736552375, + 7195.6667823247935, + 7394.382064105072, + 6254.669285089546, + 4209.599045337116, + 6960.72634285375, + 4403.324013800456, + 1981.9578327450497, + 766.6754384823071, + 4585.4210989388175, + 8579.806145402657, + 1303.9255807328104, + 850.3314028904712, + 2149.0574314606965, + 1119.63353117133, + 1025.4664409249024, + 2062.434608152032, + 10.626963343280085, + 2866.5242641333803, + 1210.0747178019974, + 1997.7373282796998 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "98fe4b85-dirty", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 20.31323871163639, + 45.50619636076011, + 6.167957730082405, + 23.884709125644008, + 4.43255918517901, + 8.774110436930735, + 8.963620141583254, + 40.731562580934956, + 13.241833317657427, + 7.200450403202941, + 35.88196312189998, + 21.541443478575296, + 3.65452867132935, + 75.4427754124238, + 201.09695963130483, + 49.816202634048224, + 255.57387598753877, + 289.5116797564693, + 267.79845001041633, + 421.33924738849765, + 518.9202572071249, + 443.37050099785904, + 640.6791984196514, + 729.3057886088931, + 708.2134106342477, + 1025.235951022832, + 1026.3999971246153, + 1096.9087688994634, + 1008.4260873388821, + 1269.2640692741431, + 1625.4501394880863, + 1844.8915331962003, + 1937.2541977002384, + 1719.9451731647855, + 1374.1398026925883, + 1600.1725709745563, + 1400.2678834762628, + 1661.0115314501156, + 1371.158183140062, + 646.0660269386094, + 168.90325590861573, + 17.13050116673967, + 0.0, + 0.0, + 0.0, + 6.928117091969661, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.19625, + 1.2023151894699518, + 1.2178047411946762, + 1.243157491913713, + 1.2770869973245222, + 1.3179282960365564, + 1.364441291682277, + 1.415616412333505, + 1.470830679860593, + 1.5296724290345078, + 1.5918075373727558, + 1.6569645052768505, + 1.7248666483318564, + 1.7952375999021615, + 1.8679490290611642, + 1.942910014856134, + 2.0200484369245837, + 2.0991787194449247, + 2.1799742972516323, + 2.262067264672173, + 2.3452911203047084, + 2.429713872083454, + 2.515361512205054, + 2.602293896796202, + 2.6906214381249502, + 2.780398787100884, + 2.871371035052104, + 2.9631624013020352, + 3.0557396096262015, + 3.148099574918203, + 3.217883381034535, + 3.2182524076050694, + 3.219035833332324, + 3.2196638215078255, + 3.219258579483189, + 3.2183916128026855, + 3.2182369934034982, + 3.218223208202275, + 3.2182163705155977, + 3.2182383904949226, + 3.2182285980567626, + 3.218238344389985, + 3.2182077455893454, + 3.2182204186323973, + 3.218170605256553, + 3.218151520915598, + 3.2181831831840575, + 3.2182493485634134, + 3.2181785938759218, + 3.218188358844037, + 3.2182324626442353, + 3.2182142215753884, + 3.2182264340719717, + 3.2182064295006336, + 3.218213596467143, + 3.2182008193381617, + 3.2182039410427405, + 3.2182025004491424, + 3.2181926479696, + 3.2182003300356925, + 3.218207646497285, + 3.218209138192204, + 3.218196212105352, + 3.2182009245598135, + 3.2181952111642214, + 3.218212351556307, + 3.2182122930292048, + 3.218334624700235, + 3.218585621943171, + 3.2188865560695596, + 3.2192019897484103, + 3.219574328223231, + 3.219582766932132, + 3.218936057751625, + 3.218203739651142, + 3.218195663545464, + 3.218195596720888, + 3.2182126696027797, + 3.2182138825029765, + 3.2182016914355787, + 3.2182146627037733, + 3.2182120968881103, + 3.2182004332757366, + 3.218473417648065, + 3.2182117733109865, + 3.218198251815128, + 3.218197262453762, + 3.218223980447437, + 3.2227801092805124, + 3.2207859044320903, + 3.218230016750645, + 3.2182184991110523, + 3.218208917822917, + 3.2182016690447384, + 3.221967175753277, + 3.2219266041450023, + 3.221972452578923, + 3.2219639418722528, + 3.221909307915254, + 3.221972546583524 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 48.777453004578454, + 10.358152612197825, + 15.049716723438971, + 8.912878348810716, + 3.1038473116339116, + 9.08029215572343, + 11.001309062044069, + 4.389568308532413, + 9.34597656525185, + 8.215815969414672, + 8.921424560673799, + 11.548495006236983, + 8.100275261058105, + 6.463798001100874, + 10.126510322875083, + 3.5656525366383485, + 9.936641893186898, + 8.36706783034966, + 6.531183179219712, + 3.397637976308925, + 4.301526347537932, + 3.1626566693065383, + 13.957194239542332, + 2.355736919532164, + 9.467443984066906, + 15.268611565230216, + 4.803212788857185, + 17.17166030016114, + 16.481158545172544, + 35.126053887486044, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 6.527472931535234, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/dam_break_2d/validation_reference_wcsph_0015.json b/validation/dam_break_2d/validation_reference_wcsph_0015.json new file mode 100644 index 000000000..3a3d2221e --- /dev/null +++ b/validation/dam_break_2d/validation_reference_wcsph_0015.json @@ -0,0 +1,847 @@ +{ + "pressure_P1_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 741.9939338248116, + 1074.8234704502822, + 780.1667963911615, + 750.2648649048765, + 1867.0876734094586, + 2289.2233790766354, + 1854.778595920126, + 1898.4536968839027, + 1467.7442216200166, + 1634.062582456003, + 1051.0175372038652, + 1792.992475880798, + 2224.4495761272037, + 2072.49744240541, + 1759.7942677800675, + 2213.446522638474, + 2195.8824872685705, + 2296.936590368152, + 2110.2619949482696, + 2199.2839820790064, + 2970.3733860698267, + 2306.9379237499984, + 2708.549145872953, + 3000.178544197365, + 2269.792696086254, + 2084.4626138591966, + 2584.8924415020083, + 2922.9580586157217, + 2700.961322015944, + 2912.960202391661, + 2333.093486494811, + 2272.6997429718494, + 2482.9264961596828, + 2818.1473417252982, + 2995.432486972956, + 2909.3768298891655, + 3100.77021995143, + 3025.9649439094655, + 3235.1990309725757, + 3257.7483119248636, + 2988.7945918465675, + 3115.2094695758724, + 3505.9426755013787, + 3713.8656343932016, + 4586.51617966487, + 4512.604003095575, + 6079.787376393051, + 6651.042779454037, + 5998.169882646548, + 3485.069906443089, + 810.5465351054376, + 1498.1154610674191, + 1280.9451536023262, + 6123.104036824773, + 1207.454673045513, + 1872.428135603674, + 345.5216355544876, + 1190.3488951150066, + 1160.696857170737, + 1552.7750026162616, + 2007.8328589553835, + 1229.3505526363801, + 941.7174210262225, + 1420.6537905276475, + 4080.222555513338, + 774.1134490223096 + ], + "datatype": "Float64", + "type": "series" + }, + "meta": { + "julia_version": "1.10.2", + "solver_version": "dcd1d2b1", + "solver_name": "TrixiParticles.jl" + }, + "pressure_P2_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 47.78581694313901, + 44.38574442306553, + 30.473857197402413, + 8.477074724627595, + 33.57951875059658, + 1.8632501617021102, + 22.444845391614827, + 5.229751210510513, + 12.452368822405496, + 113.28031750326882, + 16.872533929605122, + 183.53117184170725, + 124.91979697908702, + 119.72035918066965, + 157.18678733719997, + 274.41224922147677, + 366.928403397206, + 436.7982051917158, + 656.8646154705689, + 693.6804508905344, + 709.8624537628132, + 940.2761580309083, + 713.5961440910972, + 1152.7121152728616, + 1175.0856672128707, + 1117.0740820240865, + 1473.3118337985009, + 1398.3788581542326, + 1426.7186616370407, + 1724.6680215045349, + 1689.582829806212, + 1716.4125370027475, + 2313.2602797513496, + 1548.2978703765393, + 872.8096099036991, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + }, + "max_x_coord_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 1.1925, + 1.1979096218668643, + 1.2114046382489774, + 1.233642069008528, + 1.2644066208331137, + 1.3028362471750408, + 1.347675181367617, + 1.3979265161874306, + 1.4526822092129996, + 1.5111470319630962, + 1.5729272010563125, + 1.6376619970447728, + 1.7050782695517812, + 1.774922235352398, + 1.8470381017706874, + 1.9214486425691797, + 1.9977114877634126, + 2.0756036806364517, + 2.1548845384780377, + 2.235402446374903, + 2.317146330306623, + 2.4000829664557464, + 2.484138084380929, + 2.5693227139746573, + 2.6555845619869327, + 2.7426282187297657, + 2.830107717849038, + 2.9177936457239837, + 3.0055781193133417, + 3.0934656910674185, + 3.1819553106957805, + 3.2108247664460037, + 3.2113869376507562, + 3.2114127786783255, + 3.2114161066075466, + 3.2113893826012587, + 3.211426416730024, + 3.2113609775292216, + 3.21134242815772, + 3.2113732404825783, + 3.2114163514270784, + 3.2115424540866804, + 3.2114240008532415, + 3.21133982171087, + 3.211435764568252, + 3.2114307576517303, + 3.2113884470340004, + 3.211430796900016, + 3.21138905570089, + 3.211385392690142, + 3.211391389367187, + 3.2113867220811616, + 3.211314609628206, + 3.2112229705963546, + 3.211144904724678, + 3.2110067641757443, + 3.210911971600086, + 3.2107740015910333, + 3.2105999166679235, + 3.210409429662026, + 3.2101913618122015, + 3.209950737465752, + 3.2096723630110047, + 3.209388535442989, + 3.209054807974806, + 3.2087189035854937, + 3.2084002150370896, + 3.2092529975678827, + 3.210961614417827, + 3.2087142145674608, + 3.2078771017362766, + 3.2099811740892332, + 3.2099475931241868, + 3.2057948825772176, + 3.2053841685407347, + 3.206091263909073, + 3.205519339413853, + 3.2060202862612424, + 3.208319007154801, + 3.2093695706812637, + 3.2093274365942297, + 3.2077697929876843, + 3.2052776717641263, + 3.204666763480492, + 3.204935394911624, + 3.205533549952792, + 3.206955192729286, + 3.205966890849804, + 3.205813036921348, + 3.2054758271429558, + 3.2056931166230225, + 3.2057049469317778, + 3.205688541125392, + 3.2056979581817227, + 3.205641713595731, + 3.207203044444701, + 3.2078958675858784, + 3.2077053880890443, + 3.2064670429651616, + 3.2020423230291524 + ], + "datatype": "Float64", + "type": "series" + }, + "pressure_P3_fluid_1": { + "n_values": 100, + "time": [ + 0.0, + 0.02, + 0.04, + 0.06, + 0.08, + 0.1, + 0.12, + 0.14, + 0.16, + 0.18, + 0.2, + 0.22, + 0.24, + 0.26, + 0.28, + 0.3, + 0.32, + 0.34, + 0.36, + 0.38, + 0.4, + 0.42, + 0.44, + 0.46, + 0.48, + 0.5, + 0.52, + 0.54, + 0.56, + 0.58, + 0.6, + 0.62, + 0.64, + 0.66, + 0.68, + 0.7000000000000001, + 0.72, + 0.74, + 0.76, + 0.78, + 0.8, + 0.8200000000000001, + 0.84, + 0.86, + 0.88, + 0.9, + 0.92, + 0.9400000000000001, + 0.96, + 0.98, + 1.0, + 1.02, + 1.04, + 1.06, + 1.08, + 1.1, + 1.12, + 1.1400000000000001, + 1.16, + 1.18, + 1.2, + 1.22, + 1.24, + 1.26, + 1.28, + 1.3, + 1.32, + 1.34, + 1.36, + 1.3800000000000001, + 1.4000000000000001, + 1.42, + 1.44, + 1.46, + 1.48, + 1.5, + 1.52, + 1.54, + 1.56, + 1.58, + 1.6, + 1.62, + 1.6400000000000001, + 1.6600000000000001, + 1.68, + 1.7, + 1.72, + 1.74, + 1.76, + 1.78, + 1.8, + 1.82, + 1.84, + 1.86, + 1.8800000000000001, + 1.9000000000000001, + 1.92, + 1.94, + 1.96, + 1.9784774673179917 + ], + "system_name": "fluid", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 7.496013435689593, + 4.405923582489511, + 3.863763140478915, + 5.608197870347884, + 5.873367887336063, + 8.085513458105599, + 5.478876868208552, + 4.599394355614402, + 4.4993063713207775, + 4.593781791458133, + 4.183019826563516, + 1.4104621904133992, + 3.2046660479543077, + 11.008713759804175, + 5.743853671430627, + 4.599785421280336, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 6.279733295239109, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "datatype": "Float64", + "type": "series" + } +} \ No newline at end of file diff --git a/validation/oscillating_beam_2d/validation_oscillating_beam_2d.jl b/validation/oscillating_beam_2d/validation_oscillating_beam_2d.jl index fff8c7b7c..8e6cc8340 100644 --- a/validation/oscillating_beam_2d/validation_oscillating_beam_2d.jl +++ b/validation/oscillating_beam_2d/validation_oscillating_beam_2d.jl @@ -42,8 +42,9 @@ sol = solve(ode, RDPK3SpFSAL49(), abstol=1e-8, reltol=1e-6, dt=1e-5, save_everystep=false, callback=callbacks) reference_file_name = joinpath(validation_dir(), "oscillating_beam_2d", - "validation_reference_5.json") -run_file_name = joinpath("out", "validation_run_oscillating_beam_2d_5.json") + "validation_reference_$n_particles_beam_y.json") +run_file_name = joinpath("out", + "validation_run_oscillating_beam_2d_$n_particles_beam_y.json") reference_data = JSON.parsefile(reference_file_name) run_data = JSON.parsefile(run_file_name) diff --git a/validation/validation_util.jl b/validation/validation_util.jl index a6e20c834..01db69635 100644 --- a/validation/validation_util.jl +++ b/validation/validation_util.jl @@ -42,3 +42,25 @@ function extract_number_from_filename(filename) end return -1 end + +function extract_resolution_from_filename(str) + str = match(r"\d+(?!.*\d)", str).match + + # Remove leading zeros and count them + leading_zeros = length(match(r"^0*", str).match) + str_non_zero = replace(str, r"^0*" => "") + + if isempty(str_non_zero) + return "0.0" + end + + # Adjust string to have a decimal point at the correct position + if leading_zeros > 0 + decimal_str = "0." * "0"^(leading_zeros - 1) * str_non_zero + else + decimal_str = str_non_zero + end + + # Convert integer strings to float strings + return string(parse(Float64, decimal_str)) +end