From a7b8b7a367cc592096c6931d2ebf2e9f13d997ee Mon Sep 17 00:00:00 2001 From: Kei Date: Wed, 18 Sep 2024 21:32:17 +0200 Subject: [PATCH 1/5] move interface pressure to simulation_common --- src/vasp/simulations/simulation_common.py | 55 ++++++++++++++++++++++- 1 file changed, 54 insertions(+), 1 deletion(-) diff --git a/src/vasp/simulations/simulation_common.py b/src/vasp/simulations/simulation_common.py index e65ee16..bfbb07c 100644 --- a/src/vasp/simulations/simulation_common.py +++ b/src/vasp/simulations/simulation_common.py @@ -5,7 +5,7 @@ import numpy as np from mpi4py import MPI as mpi from dolfin import Mesh, assemble, MPI, HDF5File, Measure, inner, MeshFunction, FunctionSpace, \ - Function, sqrt, Expression, TrialFunction, TestFunction, LocalSolver, dx + Function, sqrt, Expression, TrialFunction, TestFunction, LocalSolver, dx, UserExpression def load_mesh_and_data(mesh_path: Union[str, Path]) -> Tuple[Mesh, MeshFunction, MeshFunction]: @@ -311,3 +311,56 @@ def calculate_and_print_flow_properties(dt: float, mesh: Mesh, v: Function, inle print(f" Velocity (mean, min, max): {v_mean}, {v_min}, {v_max}") print(f" CFL (mean, min, max): {CFL_mean}, {CFL_min}, {CFL_max}") print(f" Reynolds Numbers (mean, min, max): {Re_mean}, {Re_min}, {Re_max}") + + +class InterfacePressure(UserExpression): + """ + An expression for the fluid-solid interface pressure based on Fourier coefficients. + """ + def __init__(self, t, t_ramp_start, t_ramp_end, An, Bn, period, P_mean, **kwargs): + """ + Initialize the interface pressure expression. + """ + self.t = t + self.t_ramp_start = t_ramp_start + self.t_ramp_end = t_ramp_end + self.An = An + self.Bn = Bn + self.omega = (2.0 * np.pi / period) + self.P_mean = P_mean + self.p_0 = 0.0 # Initial pressure + self.P = self.p_0 # Apply initial pressure to inner pressure variable + super().__init__(**kwargs) + + def update(self, t): + """ + Update the interface pressure at a given time. + """ + self.t = t + # apply a sigmoid ramp to the pressure + if self.t < self.t_ramp_start: + ramp_factor = 0.0 + if self.t_ramp_start <= self.t < self.t_ramp_end: + ramp_factor = -0.5 * np.cos(np.pi * (self.t - self.t_ramp_start) / (self.t_ramp_end - self.t_ramp_start)) \ + + 0.5 + if self.t >= self.t_ramp_end: + ramp_factor = 1.0 + if MPI.rank(MPI.comm_world) == 0: + print("ramp_factor = {} m^3/s".format(ramp_factor)) + + # Calculate Pn (normalized pressure) from Fourier Coefficients + Pn = 0 + 0j + for i in range(len(self.An)): + Pn = Pn + (self.An[i] - self.Bn[i] * 1j) * np.exp(1j * i * self.omega * self.t) + Pn = abs(Pn) + + # Multiply by mean pressure and ramp factor + self.P = ramp_factor * Pn * self.P_mean + if MPI.rank(MPI.comm_world) == 0: + print("Instantaneous normal stress prescribed at the FSI interface {} Pa".format(self.P)) + + def eval(self, value, x): + value[0] = self.P + + def value_shape(self): + return () From 570df6d88cc8853be804e21d1bd55f2f6802afef Mon Sep 17 00:00:00 2001 From: Kei Date: Wed, 18 Sep 2024 21:32:40 +0200 Subject: [PATCH 2/5] remove innerP from offset stenosis --- src/vasp/simulations/offset_stenosis.py | 86 +++++++++---------------- 1 file changed, 31 insertions(+), 55 deletions(-) diff --git a/src/vasp/simulations/offset_stenosis.py b/src/vasp/simulations/offset_stenosis.py index 72ffa6b..36661ea 100644 --- a/src/vasp/simulations/offset_stenosis.py +++ b/src/vasp/simulations/offset_stenosis.py @@ -7,11 +7,11 @@ from vampy.simulation.Womersley import make_womersley_bcs, compute_boundary_geometry_acrn from vampy.simulation.simulation_common import print_mesh_information from turtleFSI.problems import * -from dolfin import HDF5File, Mesh, MeshFunction, facets, cells, UserExpression, FacetNormal, ds, \ - DirichletBC, Measure, inner, parameters, assemble +from dolfin import HDF5File, Mesh, MeshFunction, facets, assemble, sqrt, cells, FacetNormal, ds, \ + DirichletBC, Measure, inner, parameters from vasp.simulations.simulation_common import load_probe_points, print_probe_points, \ - calculate_and_print_flow_properties, load_solid_probe_points, print_solid_probe_points + calculate_and_print_flow_properties, load_solid_probe_points, print_solid_probe_points, InterfacePressure # set compiler arguments parameters["form_compiler"]["quadrature_degree"] = 6 @@ -43,8 +43,8 @@ def set_problem_parameters(default_variables, **namespace): linear_solver="mumps", atol=1e-6, # Absolute tolerance in the Newton solver rtol=1e-6, # Relative tolerance in the Newton solver - recompute=20, # Recompute the Jacobian matix within time steps - recompute_tstep=20, # Recompute the Jacobian matix over time steps + recompute=20, # Recompute the Jacobian matrix within time steps + recompute_tstep=20, # Recompute the Jacobian matrix over time steps # boundary condition parameters inlet_id=3, # inlet id for the fluid inlet_outlet_s_id=11, # inlet and outlet id for solid @@ -74,7 +74,7 @@ def set_problem_parameters(default_variables, **namespace): mesh_path="mesh/file_stenosis.h5", FC_file="FC_MCA_10", # File name containing the Fourier coefficients for the flow waveform P_FC_File="FC_Pressure", # File name containing the Fourier coefficients for the pressure waveform - compiler_parameters=_compiler_parameters, # Update the defaul values of the compiler arguments (FEniCS) + compiler_parameters=_compiler_parameters, # Update the default values of the compiler arguments (FEniCS) save_deg=2, # Degree of the functions saved for visualisation )) @@ -105,11 +105,26 @@ def get_mesh_domain_and_boundaries(mesh_path, fsi_region, dx_f_id, fsi_id, rigid idx_facet = boundaries.array()[i] if idx_facet == fsi_id or idx_facet == outer_id: mid = submesh_facet.midpoint() - dist_sph_center = np.sqrt((mid.x() - sph_x) ** 2 + (mid.y() - sph_y) ** 2 + (mid.z() - sph_z) ** 2) + dist_sph_center = sqrt((mid.x() - sph_x) ** 2 + (mid.y() - sph_y) ** 2 + (mid.z() - sph_z) ** 2) if dist_sph_center > sph_rad: boundaries.array()[i] = rigid_id # changed "fsi" idx to "rigid wall" idx i += 1 + # NOTE: Instead of using a sphere, we can also use a box to define the FSI region as follows + # Only consider FSI in domain within fsi_x_range, fsi_y_range, fsi_z_range + # i = 0 + # for submesh_facet in facets(mesh): + # idx_facet = boundaries.array()[i] + # if idx_facet == fsi_id or idx_facet == outer_id: + # mid = submesh_facet.midpoint() + # if mid.x() < fsi_region[0] or mid.x() > fsi_region[1]: + # boundaries.array()[i] = rigid_id # changed "fsi" id to "rigid wall" id + # elif mid.y() < fsi_region[2] or mid.y() > fsi_region[3]: + # boundaries.array()[i] = rigid_id + # elif mid.z() < fsi_region[4] or mid.z() > fsi_region[5]: + # boundaries.array()[i] = rigid_id + # i += 1 + # In this region, make fluid more viscous x_min = 0.024 i = 0 @@ -124,46 +139,6 @@ def get_mesh_domain_and_boundaries(mesh_path, fsi_region, dx_f_id, fsi_id, rigid return mesh, domains, boundaries -class InnerP(UserExpression): - def __init__(self, t, t_ramp, An, Bn, period, P_mean, **kwargs): - self.t = t - self.t_ramp = t_ramp - self.An = An - self.Bn = Bn - self.omega = (2.0 * np.pi / period) - self.P_mean = P_mean - self.p_0 = 0.0 # Initial pressure - self.P = self.p_0 # Apply initial pressure to inner pressure variable - super().__init__(**kwargs) - - def update(self, t): - self.t = t - # apply a sigmoid ramp to the pressure - if self.t < self.t_ramp: - ramp_factor = -0.5 * np.cos(np.pi * self.t / self.t_ramp) + 0.5 - else: - ramp_factor = 1.0 - if MPI.rank(MPI.comm_world) == 0: - print("ramp_factor = {} m^3/s".format(ramp_factor)) - - # Caclulate Pn (normalized pressure)from Fourier Coefficients - Pn = 0 + 0j - for i in range(len(self.An)): - Pn = Pn + (self.An[i] - self.Bn[i] * 1j) * np.exp(1j * i * self.omega * self.t) - Pn = abs(Pn) - - # Multiply by mean pressure and ramp factor - self.P = ramp_factor * Pn * self.P_mean - if MPI.rank(MPI.comm_world) == 0: - print("P = {} Pa".format(self.P)) - - def eval(self, value, x): - value[0] = self.P - - def value_shape(self): - return () - - def initiate(mesh_path, **namespace): probe_points = load_probe_points(mesh_path) @@ -202,23 +177,24 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, # Assemble boundary conditions bcs = u_inlet + [d_inlet, u_inlet_s, d_inlet_s, d_rigid] - # Load Fourier coefficients for the pressure and scale by flow rate + # Load Fourier coefficients for the pressure An_P, Bn_P = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), P_FC_File)).T # Apply pulsatile pressure at the fsi interface by modifying the variational form n = FacetNormal(mesh) dSS = Measure("dS", domain=mesh, subdomain_data=boundaries) - p_out_bc_val = InnerP(t=0.0, t_ramp=0.2, An=An_P, Bn=Bn_P, period=T_Cycle, P_mean=P_mean, degree=p_deg) - F_solid_linear += p_out_bc_val * inner(n('+'), psi('+')) * dSS(fsi_id) + interface_pressure = InterfacePressure(t=0.0, t_ramp_start=0.0, t_ramp_end=0.2, An=An_P, + Bn=Bn_P, period=T_Cycle, P_mean=P_mean, degree=p_deg) + F_solid_linear += interface_pressure * inner(n('+'), psi('+')) * dSS(fsi_id) # Create inlet subdomain for computing the flow rate inside post_solve dsi = ds(inlet_id, domain=mesh, subdomain_data=boundaries) inlet_area = assemble(1.0 * dsi) - return dict(bcs=bcs, inlet=inlet, p_out_bc_val=p_out_bc_val, F_solid_linear=F_solid_linear, n=n, dsi=dsi, - inlet_area=inlet_area) + return dict(bcs=bcs, inlet=inlet, interface_pressure=interface_pressure, F_solid_linear=F_solid_linear, n=n, + dsi=dsi, inlet_area=inlet_area) -def pre_solve(t, inlet, p_out_bc_val, **namespace): +def pre_solve(t, inlet, interface_pressure, **namespace): for uc in inlet: # Update the time variable used for the inlet boundary condition uc.set_t(t) @@ -230,9 +206,9 @@ def pre_solve(t, inlet, p_out_bc_val, **namespace): uc.scale_value = 1.0 # Update pressure condition - p_out_bc_val.update(t) + interface_pressure.update(t) - return dict(inlet=inlet, p_out_bc_val=p_out_bc_val) + return dict(inlet=inlet, interface_pressure=interface_pressure) def post_solve(probe_points, solid_probe_points, dvp_, dt, mesh, inlet_area, dsi, mu_f, rho_f, n, **namespace): From a72d2d5d94e250ff0c4c01dc909ec2f01bc22e78 Mon Sep 17 00:00:00 2001 From: Kei Date: Wed, 18 Sep 2024 21:33:02 +0200 Subject: [PATCH 3/5] remove innerP from aneurysm --- src/vasp/simulations/aneurysm.py | 64 +++++++------------------------- 1 file changed, 14 insertions(+), 50 deletions(-) diff --git a/src/vasp/simulations/aneurysm.py b/src/vasp/simulations/aneurysm.py index ee90892..bb2ac86 100644 --- a/src/vasp/simulations/aneurysm.py +++ b/src/vasp/simulations/aneurysm.py @@ -5,12 +5,13 @@ import numpy as np from vampy.simulation.Womersley import make_womersley_bcs, compute_boundary_geometry_acrn +from vampy.simulation.simulation_common import print_mesh_information from turtleFSI.problems import * -from dolfin import HDF5File, Mesh, MeshFunction, facets, assemble, UserExpression, sqrt, FacetNormal, ds, \ +from dolfin import HDF5File, Mesh, MeshFunction, facets, assemble, sqrt, FacetNormal, ds, \ DirichletBC, Measure, inner, parameters, VectorFunctionSpace, Function, XDMFFile from vasp.simulations.simulation_common import load_probe_points, calculate_and_print_flow_properties, \ - print_probe_points + print_probe_points, InterfacePressure # set compiler arguments parameters["form_compiler"]["quadrature_degree"] = 6 @@ -94,6 +95,8 @@ def get_mesh_domain_and_boundaries(mesh_path, fsi_region, fsi_id, rigid_id, oute domains = MeshFunction("size_t", mesh, 3) hdf.read(domains, "/domains") + print_mesh_information(mesh) + # Only consider FSI in domain within this sphere sph_x = fsi_region[0] sph_y = fsi_region[1] @@ -113,46 +116,6 @@ def get_mesh_domain_and_boundaries(mesh_path, fsi_region, fsi_id, rigid_id, oute return mesh, domains, boundaries -class InnerP(UserExpression): - def __init__(self, t, t_ramp, An, Bn, period, P_mean, **kwargs): - self.t = t - self.t_ramp = t_ramp - self.An = An - self.Bn = Bn - self.omega = (2.0 * np.pi / period) - self.P_mean = P_mean - self.p_0 = 0.0 # Initial pressure - self.P = self.p_0 # Apply initial pressure to inner pressure variable - super().__init__(**kwargs) - - def update(self, t): - self.t = t - # apply a sigmoid ramp to the pressure - if self.t < self.t_ramp: - ramp_factor = -0.5 * np.cos(np.pi * self.t / self.t_ramp) + 0.5 - else: - ramp_factor = 1.0 - if MPI.rank(MPI.comm_world) == 0: - print("ramp_factor = {} m^3/s".format(ramp_factor)) - - # Caclulate Pn (normalized pressure)from Fourier Coefficients - Pn = 0 + 0j - for i in range(len(self.An)): - Pn = Pn + (self.An[i] - self.Bn[i] * 1j) * np.exp(1j * i * self.omega * self.t) - Pn = abs(Pn) - - # Multiply by mean pressure and ramp factor - self.P = ramp_factor * Pn * self.P_mean - if MPI.rank(MPI.comm_world) == 0: - print("P = {} Pa".format(self.P)) - - def eval(self, value, x): - value[0] = self.P - - def value_shape(self): - return () - - def create_bcs(t, DVP, mesh, boundaries, mu_f, fsi_id, inlet_id, inlet_outlet_s_id, rigid_id, psi, F_solid_linear, p_deg, FC_file, @@ -183,20 +146,21 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, # Assemble boundary conditions bcs = u_inlet + [d_inlet, u_inlet_s, d_inlet_s, d_rigid] - # Load Fourier coefficients for the pressure and scale by flow rate + # Load Fourier coefficients for the pressure An_P, Bn_P = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), P_FC_File)).T # Apply pulsatile pressure at the fsi interface by modifying the variational form n = FacetNormal(mesh) dSS = Measure("dS", domain=mesh, subdomain_data=boundaries) - p_out_bc_val = InnerP(t=0.0, t_ramp=0.2, An=An_P, Bn=Bn_P, period=T_Cycle, P_mean=P_mean, degree=p_deg) - F_solid_linear += p_out_bc_val * inner(n('+'), psi('+')) * dSS(fsi_id) + interface_pressure = InterfacePressure(t=0.0, t_ramp_start=0.0, t_ramp_end=0.2, An=An_P, + Bn=Bn_P, period=T_Cycle, P_mean=P_mean, degree=p_deg) + F_solid_linear += interface_pressure * inner(n('+'), psi('+')) * dSS(fsi_id) # Create inlet subdomain for computing the flow rate inside post_solve dsi = ds(inlet_id, domain=mesh, subdomain_data=boundaries) inlet_area = assemble(1.0 * dsi) - return dict(bcs=bcs, inlet=inlet, p_out_bc_val=p_out_bc_val, F_solid_linear=F_solid_linear, n=n, dsi=dsi, - inlet_area=inlet_area) + return dict(bcs=bcs, inlet=inlet, interface_pressure=interface_pressure, F_solid_linear=F_solid_linear, n=n, + dsi=dsi, inlet_area=inlet_area) def initiate(mesh_path, scale_probe, mesh, v_deg, p_deg, **namespace): @@ -215,7 +179,7 @@ def initiate(mesh_path, scale_probe, mesh, v_deg, p_deg, **namespace): return dict(probe_points=probe_points, d_mean=d_mean, u_mean=u_mean, p_mean=p_mean) -def pre_solve(t, inlet, p_out_bc_val, **namespace): +def pre_solve(t, inlet, interface_pressure, **namespace): for uc in inlet: # Update the time variable used for the inlet boundary condition uc.set_t(t) @@ -227,9 +191,9 @@ def pre_solve(t, inlet, p_out_bc_val, **namespace): uc.scale_value = 1.0 # Update pressure condition - p_out_bc_val.update(t) + interface_pressure.update(t) - return dict(inlet=inlet, p_out_bc_val=p_out_bc_val) + return dict(inlet=inlet, interface_pressure=interface_pressure) def post_solve(dvp_, n, dsi, dt, mesh, inlet_area, mu_f, rho_f, probe_points, t, From 143bf0edb2a2cc46347dbb0461c2cdb0f0b51fb9 Mon Sep 17 00:00:00 2001 From: Kei Date: Fri, 1 Nov 2024 10:00:32 +0100 Subject: [PATCH 4/5] switch from os to pathlib --- src/vasp/simulations/aneurysm.py | 12 ++++++------ src/vasp/simulations/offset_stenosis.py | 8 ++++---- 2 files changed, 10 insertions(+), 10 deletions(-) diff --git a/src/vasp/simulations/aneurysm.py b/src/vasp/simulations/aneurysm.py index bb2ac86..e3b1ceb 100644 --- a/src/vasp/simulations/aneurysm.py +++ b/src/vasp/simulations/aneurysm.py @@ -1,7 +1,7 @@ """ Problem file for aneurysm FSI simulation """ -import os +from pathlib import Path import numpy as np from vampy.simulation.Womersley import make_womersley_bcs, compute_boundary_geometry_acrn @@ -34,7 +34,7 @@ def set_problem_parameters(default_variables, **namespace): default_variables.update(dict( # Temporal parameters - T=1.902, # Simulation end time + T=0.002, # Simulation end time dt=0.001, # Timne step size theta=0.501, # Theta scheme parameter save_step=1, # Save frequency of files for visualisation @@ -122,7 +122,7 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, Q_mean, P_FC_File, P_mean, T_Cycle, **namespace): # Load fourier coefficients for the velocity and scale by flow rate - An, Bn = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), FC_file)).T + An, Bn = np.loadtxt(Path(__file__).parent / FC_file).T # Convert to complex fourier coefficients Cn = (An - Bn * 1j) * Q_mean _, tmp_center, tmp_radius, tmp_normal = compute_boundary_geometry_acrn(mesh, inlet_id, boundaries) @@ -147,7 +147,7 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, bcs = u_inlet + [d_inlet, u_inlet_s, d_inlet_s, d_rigid] # Load Fourier coefficients for the pressure - An_P, Bn_P = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), P_FC_File)).T + An_P, Bn_P = np.loadtxt(Path(__file__).parent / P_FC_File).T # Apply pulsatile pressure at the fsi interface by modifying the variational form n = FacetNormal(mesh) @@ -229,6 +229,6 @@ def finished(d_mean, u_mean, p_mean, visualization_folder, save_solution_after_t ] for vector, data_name in data_names: - file_path = os.path.join(visualization_folder, data_name) - with XDMFFile(MPI.comm_world, file_path) as f: + file_path = Path(visualization_folder) / data_name + with XDMFFile(MPI.comm_world, str(file_path)) as f: f.write_checkpoint(vector, data_name, 0, XDMFFile.Encoding.HDF5) diff --git a/src/vasp/simulations/offset_stenosis.py b/src/vasp/simulations/offset_stenosis.py index 36661ea..a2973d9 100644 --- a/src/vasp/simulations/offset_stenosis.py +++ b/src/vasp/simulations/offset_stenosis.py @@ -1,12 +1,12 @@ """ Problem file for offset stenosis FSI simulation """ -import os +from pathlib import Path import numpy as np from vampy.simulation.Womersley import make_womersley_bcs, compute_boundary_geometry_acrn from vampy.simulation.simulation_common import print_mesh_information -from turtleFSI.problems import * +from turtleFSI.problems import * # noqa: F401 from dolfin import HDF5File, Mesh, MeshFunction, facets, assemble, sqrt, cells, FacetNormal, ds, \ DirichletBC, Measure, inner, parameters @@ -153,7 +153,7 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, Q_mean, P_FC_File, P_mean, T_Cycle, **namespace): # Load Fourier coefficients for the velocity and scale by flow rate - An, Bn = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), FC_file)).T + An, Bn = np.loadtxt(Path(__file__).parent / FC_file).T # Convert to complex fourier coefficients Cn = (An - Bn * 1j) * Q_mean _, tmp_center, tmp_radius, tmp_normal = compute_boundary_geometry_acrn(mesh, inlet_id, boundaries) @@ -178,7 +178,7 @@ def create_bcs(t, DVP, mesh, boundaries, mu_f, bcs = u_inlet + [d_inlet, u_inlet_s, d_inlet_s, d_rigid] # Load Fourier coefficients for the pressure - An_P, Bn_P = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), P_FC_File)).T + An_P, Bn_P = np.loadtxt(Path(__file__).parent / P_FC_File).T # Apply pulsatile pressure at the fsi interface by modifying the variational form n = FacetNormal(mesh) From d34352bc65e70da87a477011eb5a5c0e110cc836 Mon Sep 17 00:00:00 2001 From: Kei Date: Fri, 1 Nov 2024 10:18:52 +0100 Subject: [PATCH 5/5] remove offset_stenosis_box and merge with the original offset_stenosis --- src/vasp/simulations/offset_stenosis_box.py | 243 -------------------- 1 file changed, 243 deletions(-) delete mode 100644 src/vasp/simulations/offset_stenosis_box.py diff --git a/src/vasp/simulations/offset_stenosis_box.py b/src/vasp/simulations/offset_stenosis_box.py deleted file mode 100644 index 6dcf7c8..0000000 --- a/src/vasp/simulations/offset_stenosis_box.py +++ /dev/null @@ -1,243 +0,0 @@ -""" -Problem file for offset stenosis FSI simulation -""" -import os -import numpy as np - -from vampy.simulation.Womersley import make_womersley_bcs, compute_boundary_geometry_acrn -from vampy.simulation.simulation_common import print_mesh_information -from turtleFSI.problems import * -from dolfin import HDF5File, Mesh, MeshFunction, facets, cells, UserExpression, FacetNormal, ds, \ - DirichletBC, Measure, inner, parameters, assemble - -from fsipy.simulations.simulation_common import load_probe_points, print_probe_points, \ - calculate_and_print_flow_properties - -# set compiler arguments -parameters["form_compiler"]["quadrature_degree"] = 6 -parameters["form_compiler"]["optimize"] = True -# The "ghost_mode" has to do with the assembly of form containing the facet -# normals n('+') within interior boundaries (dS). for 3D mesh the value should -# be "shared_vertex", for 2D mesh "shared_facet", the default value is "none" -parameters["ghost_mode"] = "shared_vertex" -_compiler_parameters = dict(parameters["form_compiler"]) - - -def set_problem_parameters(default_variables, **namespace): - - # Compute some solid parameters - # Need to stay here since mus_s and lambda_s are functions of nu_s and E_s - E_s_val = 1E6 - nu_s_val = 0.45 - mu_s_val = E_s_val / (2 * (1 + nu_s_val)) # 0.345E6 - lambda_s_val = nu_s_val * 2. * mu_s_val / (1. - 2. * nu_s_val) - - default_variables.update(dict( - # Temporal parameters - T=0.951, # Simulation end time - dt=0.001, # Timne step size - theta=0.501, # Theta scheme parameter - save_step=1, # Save frequency of files for visualisation - checkpoint_step=50, # Save frequency of checkpoint files - # Linear solver parameters - linear_solver="mumps", - atol=1e-6, # Absolute tolerance in the Newton solver - rtol=1e-6, # Relative tolerance in the Newton solver - recompute=20, # Recompute the Jacobian matix within time steps - recompute_tstep=20, # Recompute the Jacobian matix over time steps - # boundary condition parameters - inlet_id=3, # inlet id for the fluid - inlet_outlet_s_id=11, # inlet and outlet id for solid - fsi_id=22, # id for fsi surface - rigid_id=11, # "rigid wall" id for the fluid - outer_id=33, # id for the outer surface of the solid - # Fluid parameters - Q_mean=2.5E-06, - P_mean=11200, - T_Cycle=0.951, # Used to define length of flow waveform - rho_f=[1.000E3, 1.000E3], # Fluid density [kg/m3] - mu_f=[1.5E-3, 1.0E-2], # Fluid dynamic viscosity [Pa.s] - dx_f_id=[1, 1001], # ID of marker in the fluid domain - # mesh lifting parameters (see turtleFSI for options) - extrapolation="laplace", - extrapolation_sub_type="constant", - # Solid parameters - rho_s=1.0E3, # Solid density [kg/m3] - mu_s=mu_s_val, # Solid shear modulus or 2nd Lame Coef. [Pa] - nu_s=nu_s_val, # Solid Poisson ratio [-] - lambda_s=lambda_s_val, # Solid Young's modulus [Pa] - dx_s_id=2, # ID of marker in the solid domain - # FSI parameters - fsi_region=[-0.0002, 0.016, -0.0035, 0.0035, -0.0035, 0.0035], # FSI region - # Simulation parameters - folder="offset_stenosis_results_box", # Folder name generated for the simulation - mesh_path="mesh/file_stenosis.h5", - FC_file="FC_MCA_10", # File name containing the Fourier coefficients for the flow waveform - P_FC_File="FC_Pressure", # File name containing the Fourier coefficients for the pressure waveform - compiler_parameters=_compiler_parameters, # Update the defaul values of the compiler arguments (FEniCS) - save_deg=2, # Degree of the functions saved for visualisation - )) - - return default_variables - - -def get_mesh_domain_and_boundaries(mesh_path, fsi_region, dx_f_id, fsi_id, rigid_id, outer_id, **namespace): - - # Read mesh - mesh = Mesh() - hdf = HDF5File(mesh.mpi_comm(), mesh_path, "r") - hdf.read(mesh, "/mesh", False) - boundaries = MeshFunction("size_t", mesh, 2) - hdf.read(boundaries, "/boundaries") - domains = MeshFunction("size_t", mesh, 3) - hdf.read(domains, "/domains") - - print_mesh_information(mesh) - - # NOTE: Instead of using a sphere, we can also use a box to define the FSI region - # Only consider FSI in domain within fsi_x_range, fsi_y_range, fsi_z_range - i = 0 - for submesh_facet in facets(mesh): - idx_facet = boundaries.array()[i] - if idx_facet == fsi_id or idx_facet == outer_id: - mid = submesh_facet.midpoint() - if mid.x() < fsi_region[0] or mid.x() > fsi_region[1]: - boundaries.array()[i] = rigid_id # changed "fsi" id to "rigid wall" id - elif mid.y() < fsi_region[2] or mid.y() > fsi_region[3]: - boundaries.array()[i] = rigid_id - elif mid.z() < fsi_region[4] or mid.z() > fsi_region[5]: - boundaries.array()[i] = rigid_id - - i += 1 - - # In this region, make fluid more viscous - x_min = 0.024 - i = 0 - for cell in cells(mesh): - idx_cell = domains.array()[i] - if idx_cell == dx_f_id[0]: - mid = cell.midpoint() - if mid.x() > x_min: - domains.array()[i] = dx_f_id[1] - i += 1 - - return mesh, domains, boundaries - - -class InnerP(UserExpression): - def __init__(self, t, t_ramp, An, Bn, period, P_mean, **kwargs): - self.t = t - self.t_ramp = t_ramp - self.An = An - self.Bn = Bn - self.omega = (2.0 * np.pi / period) - self.P_mean = P_mean - self.p_0 = 0.0 # Initial pressure - self.P = self.p_0 # Apply initial pressure to inner pressure variable - super().__init__(**kwargs) - - def update(self, t): - self.t = t - # apply a sigmoid ramp to the pressure - if self.t < self.t_ramp: - ramp_factor = -0.5 * np.cos(np.pi * self.t / self.t_ramp) + 0.5 - else: - ramp_factor = 1.0 - if MPI.rank(MPI.comm_world) == 0: - print("ramp_factor = {} m^3/s".format(ramp_factor)) - - # Caclulate Pn (normalized pressure)from Fourier Coefficients - Pn = 0 + 0j - for i in range(len(self.An)): - Pn = Pn + (self.An[i] - self.Bn[i] * 1j) * np.exp(1j * i * self.omega * self.t) - Pn = abs(Pn) - - # Multiply by mean pressure and ramp factor - self.P = ramp_factor * Pn * self.P_mean - if MPI.rank(MPI.comm_world) == 0: - print("P = {} Pa".format(self.P)) - - def eval(self, value, x): - value[0] = self.P - - def value_shape(self): - return () - - -def initiate(mesh_path, **namespace): - - probe_points = load_probe_points(mesh_path) - - return dict(probe_points=probe_points) - - -def create_bcs(t, DVP, mesh, boundaries, mu_f, - fsi_id, inlet_id, inlet_outlet_s_id, - rigid_id, psi, F_solid_linear, p_deg, FC_file, - Q_mean, P_FC_File, P_mean, T_Cycle, **namespace): - - # Load Fourier coefficients for the velocity and scale by flow rate - An, Bn = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), FC_file)).T - # Convert to complex fourier coefficients - Cn = (An - Bn * 1j) * Q_mean - _, tmp_center, tmp_radius, tmp_normal = compute_boundary_geometry_acrn(mesh, inlet_id, boundaries) - - # Create Womersley boundary condition at inlet - tmp_element = DVP.sub(1).sub(0).ufl_element() - inlet = make_womersley_bcs(T_Cycle, None, mu_f[0], tmp_center, tmp_radius, tmp_normal, tmp_element, Cn=Cn) - # Initialize inlet expressions with initial time - for uc in inlet: - uc.set_t(t) - - # Create Boundary conditions for the velocity - u_inlet = [DirichletBC(DVP.sub(1).sub(i), inlet[i], boundaries, inlet_id) for i in range(3)] - u_inlet_s = DirichletBC(DVP.sub(1), ((0.0, 0.0, 0.0)), boundaries, inlet_outlet_s_id) - - # Solid Displacement BCs - d_inlet = DirichletBC(DVP.sub(0), (0.0, 0.0, 0.0), boundaries, inlet_id) - d_inlet_s = DirichletBC(DVP.sub(0), (0.0, 0.0, 0.0), boundaries, inlet_outlet_s_id) - d_rigid = DirichletBC(DVP.sub(0), (0.0, 0.0, 0.0), boundaries, rigid_id) - - # Assemble boundary conditions - bcs = u_inlet + [d_inlet, u_inlet_s, d_inlet_s, d_rigid] - - # Load Fourier coefficients for the pressure and scale by flow rate - An_P, Bn_P = np.loadtxt(os.path.join(os.path.dirname(os.path.abspath(__file__)), P_FC_File)).T - - # Apply pulsatile pressure at the fsi interface by modifying the variational form - n = FacetNormal(mesh) - dSS = Measure("dS", domain=mesh, subdomain_data=boundaries) - p_out_bc_val = InnerP(t=0.0, t_ramp=0.2, An=An_P, Bn=Bn_P, period=T_Cycle, P_mean=P_mean, degree=p_deg) - F_solid_linear += p_out_bc_val * inner(n('+'), psi('+')) * dSS(fsi_id) - - # Create inlet subdomain for computing the flow rate inside post_solve - dsi = ds(inlet_id, domain=mesh, subdomain_data=boundaries) - inlet_area = assemble(1.0 * dsi) - return dict(bcs=bcs, inlet=inlet, p_out_bc_val=p_out_bc_val, F_solid_linear=F_solid_linear, n=n, dsi=dsi, - inlet_area=inlet_area) - - -def pre_solve(t, inlet, p_out_bc_val, **namespace): - for uc in inlet: - # Update the time variable used for the inlet boundary condition - uc.set_t(t) - - # Multiply by cosine function to ramp up smoothly over time interval 0-250 ms - if t < 0.25: - uc.scale_value = -0.5 * np.cos(np.pi * t / 0.25) + 0.5 - else: - uc.scale_value = 1.0 - - # Update pressure condition - p_out_bc_val.update(t) - - return dict(inlet=inlet, p_out_bc_val=p_out_bc_val) - - -def post_solve(probe_points, dvp_, dt, mesh, inlet_area, dsi, mu_f, rho_f, n, **namespace): - - v = dvp_["n"].sub(1, deepcopy=True) - p = dvp_["n"].sub(2, deepcopy=True) - - print_probe_points(v, p, probe_points) - calculate_and_print_flow_properties(dt, mesh, v, inlet_area, mu_f[0], rho_f[0], n, dsi)