From 59de365a8702dc8db6280d8192b6a25a88acfb06 Mon Sep 17 00:00:00 2001 From: Jean-Baptiste Keck <Jean-Baptiste.Keck@imag.fr> Date: Mon, 2 Nov 2020 16:45:20 +0100 Subject: [PATCH] remove CI rsync verbosity, fix examples --- ci/scripts/test.sh | 4 +- hysop/backend/device/kernel_autotuner.py | 1 - hysop/numerics/remesh/kernel_generator.py | 2 +- hysop/operator/enstrophy.py | 2 +- hysop/operator/integrate.py | 2 +- hysop/operator/poisson_curl.py | 2 +- hysop/operator/redistribute.py | 2 +- .../{example_utils.py => argparser.py} | 0 hysop_examples/examples/analytic/analytic.py | 2 +- .../examples/bubble/periodic_bubble.py | 2 +- .../bubble/periodic_bubble_levelset.py | 2 +- .../periodic_bubble_levelset_penalization.py | 2 +- .../examples/bubble/periodic_jet_levelset.py | 2 +- .../examples/cylinder/oscillating_cylinder.py | 88 +++++++++---------- .../examples/fixed_point/heat_equation.py | 6 +- .../flow_around_sphere/flow_around_sphere.py | 2 +- .../multiresolution/scalar_advection.py | 64 +++++++------- .../particles_above_salt_bc.py | 2 +- .../particles_above_salt_bc_3d.py | 2 +- .../particles_above_salt_periodic.py | 2 +- .../particles_above_salt_symmetrized.py | 2 +- .../examples/scalar_advection/levelset.py | 8 +- .../scalar_advection/scalar_advection.py | 62 ++++++------- .../scalar_diffusion/scalar_diffusion.py | 10 +-- .../sediment_deposit/sediment_deposit.py | 2 +- .../sediment_deposit_levelset.py | 2 +- .../examples/shear_layer/shear_layer.py | 2 +- .../examples/taylor_green/taylor_green.py | 2 +- .../taylor_green/taylor_green_cpuFortran.py | 4 +- 29 files changed, 142 insertions(+), 143 deletions(-) rename hysop_examples/{example_utils.py => argparser.py} (100%) diff --git a/ci/scripts/test.sh b/ci/scripts/test.sh index 01bec6954..6a72fbdf4 100755 --- a/ci/scripts/test.sh +++ b/ci/scripts/test.sh @@ -45,7 +45,7 @@ if [ "${HAS_CACHE_DIR}" = true ]; then mkdir -p "${HYSOP_CACHE_DIR}" if [ -d "${CACHE_DIR}" ]; then echo "Cache directory '$CACHE_DIR' was found." - rsync -rtvu "${CACHE_DIR}/" "${HYSOP_CACHE_DIR}/" + rsync -rtu "${CACHE_DIR}/" "${HYSOP_CACHE_DIR}/" else # Untill gitlab allows cache on failure we need # to provide initial cache so that CI succeeds (< 1h tests) @@ -55,7 +55,7 @@ if [ "${HAS_CACHE_DIR}" = true ]; then if [[ "${HAS_BACKUP_CACHE_DIR}" = true ]]; then if [[ -d "${BACKUP_CACHE_DIR}" ]]; then echo "Backup cache directory '${BACKUP_CACHE_DIR}' was found." - rsync -rtvu "${BACKUP_CACHE_DIR}/" "${HYSOP_CACHE_DIR}/" + rsync -rtu "${BACKUP_CACHE_DIR}/" "${HYSOP_CACHE_DIR}/" else echo "Backup directory '${BACKUP_CACHE_DIR}' does not exist." fi diff --git a/hysop/backend/device/kernel_autotuner.py b/hysop/backend/device/kernel_autotuner.py index 6ec3ce632..d0d1cf99d 100644 --- a/hysop/backend/device/kernel_autotuner.py +++ b/hysop/backend/device/kernel_autotuner.py @@ -305,7 +305,6 @@ class KernelAutotuner(object, metaclass=ABCMeta): max_kernel_work_group_size=max_kernel_work_group_size, preferred_work_group_size_multiple=preferred_work_group_size_multiple) except Exception as e: - raise msg = 'Autotuner could not determine kernel info for parameters {} because of the following KernelGenerationError:\n{}\n' msg = msg.format(extra_parameters, e) warnings.warn(msg, CodeGeneratorWarning) diff --git a/hysop/numerics/remesh/kernel_generator.py b/hysop/numerics/remesh/kernel_generator.py index 6363553fe..118a15245 100644 --- a/hysop/numerics/remesh/kernel_generator.py +++ b/hysop/numerics/remesh/kernel_generator.py @@ -9,7 +9,7 @@ from hysop.tools.numerics import mpq,mpfr,mpqize,f2q from hysop.tools.cache import load_data_from_cache, update_cache class Kernel(object): - def __init__(self, register=False, verbose=True, split_polys=False, **kargs): + def __init__(self, register=False, verbose=False, split_polys=False, **kargs): """ Use SymmetricKernelGenerator or KernelGenerator to generate a kernel. Do not call directly. diff --git a/hysop/operator/enstrophy.py b/hysop/operator/enstrophy.py index e2531dc25..ed8ffa7d7 100644 --- a/hysop/operator/enstrophy.py +++ b/hysop/operator/enstrophy.py @@ -3,7 +3,7 @@ Enstrophy solver frontend. """ from hysop.constants import Implementation -from hysop.tools.types import check_instance +from hysop.tools.types import check_instance, first_not_None from hysop.tools.enum import EnumFactory from hysop.tools.decorators import debug from hysop.fields.continuous_field import Field diff --git a/hysop/operator/integrate.py b/hysop/operator/integrate.py index 2e161217e..2420de098 100644 --- a/hysop/operator/integrate.py +++ b/hysop/operator/integrate.py @@ -3,7 +3,7 @@ Enstrophy solver frontend. """ from hysop.constants import Implementation -from hysop.tools.types import check_instance +from hysop.tools.types import check_instance, first_not_None from hysop.tools.enum import EnumFactory from hysop.tools.decorators import debug from hysop.fields.continuous_field import Field diff --git a/hysop/operator/poisson_curl.py b/hysop/operator/poisson_curl.py index cd8597dce..27f5067cf 100644 --- a/hysop/operator/poisson_curl.py +++ b/hysop/operator/poisson_curl.py @@ -3,7 +3,7 @@ PoissonCurl solver frontend. """ from hysop.constants import Implementation -from hysop.tools.types import check_instance +from hysop.tools.types import check_instance, first_not_None from hysop.tools.enum import EnumFactory from hysop.tools.decorators import debug from hysop.fields.continuous_field import Field diff --git a/hysop/operator/redistribute.py b/hysop/operator/redistribute.py index 1578c205f..ce56837ad 100644 --- a/hysop/operator/redistribute.py +++ b/hysop/operator/redistribute.py @@ -8,7 +8,7 @@ from abc import ABCMeta, abstractmethod from hysop.constants import DirectionLabels -from hysop.tools.types import check_instance, to_set, to_tuple +from hysop.tools.types import check_instance, to_set, to_tuple, first_not_None from hysop.tools.decorators import debug from hysop.fields.continuous_field import Field from hysop.topology.topology import Topology diff --git a/hysop_examples/example_utils.py b/hysop_examples/argparser.py similarity index 100% rename from hysop_examples/example_utils.py rename to hysop_examples/argparser.py diff --git a/hysop_examples/examples/analytic/analytic.py b/hysop_examples/examples/analytic/analytic.py index 85539b859..6b840f597 100755 --- a/hysop_examples/examples/analytic/analytic.py +++ b/hysop_examples/examples/analytic/analytic.py @@ -121,7 +121,7 @@ def compute(args): if __name__ == '__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors prog_name = 'analytic' default_dump_dir = '{}/hysop_examples/{}'.format(HysopArgParser.tmp_dir(), prog_name) diff --git a/hysop_examples/examples/bubble/periodic_bubble.py b/hysop_examples/examples/bubble/periodic_bubble.py index adabd532a..1d52a26d6 100644 --- a/hysop_examples/examples/bubble/periodic_bubble.py +++ b/hysop_examples/examples/bubble/periodic_bubble.py @@ -304,7 +304,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class PeriodicBubbleArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/bubble/periodic_bubble_levelset.py b/hysop_examples/examples/bubble/periodic_bubble_levelset.py index ee4204e63..3a8a0e668 100644 --- a/hysop_examples/examples/bubble/periodic_bubble_levelset.py +++ b/hysop_examples/examples/bubble/periodic_bubble_levelset.py @@ -302,7 +302,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class PeriodicBubbleArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/bubble/periodic_bubble_levelset_penalization.py b/hysop_examples/examples/bubble/periodic_bubble_levelset_penalization.py index 8701627f5..accbcaf9e 100644 --- a/hysop_examples/examples/bubble/periodic_bubble_levelset_penalization.py +++ b/hysop_examples/examples/bubble/periodic_bubble_levelset_penalization.py @@ -344,7 +344,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class PeriodicBubbleArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/bubble/periodic_jet_levelset.py b/hysop_examples/examples/bubble/periodic_jet_levelset.py index 885613e71..ee830141d 100644 --- a/hysop_examples/examples/bubble/periodic_jet_levelset.py +++ b/hysop_examples/examples/bubble/periodic_jet_levelset.py @@ -289,7 +289,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class PeriodicJetArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/cylinder/oscillating_cylinder.py b/hysop_examples/examples/cylinder/oscillating_cylinder.py index de8a2f97a..38392623f 100644 --- a/hysop_examples/examples/cylinder/oscillating_cylinder.py +++ b/hysop_examples/examples/cylinder/oscillating_cylinder.py @@ -36,7 +36,7 @@ def compute(args): from hysop.methods import SpaceDiscretization, Remesh, TimeIntegrator, \ ComputeGranularity, Interpolation from hysop.numerics.odesolvers.runge_kutta import Euler, RK2, RK3, RK4 - + from hysop.symbolic import sm, space_symbols, local_indices_symbols from hysop.symbolic.base import SymbolicTensor from hysop.symbolic.field import curl @@ -44,7 +44,7 @@ def compute(args): from hysop.symbolic.misc import Select from hysop.symbolic.tmp import TmpScalar from hysop.tools.string_utils import framed_str - + Kc = 5 Re = 250 @@ -64,11 +64,11 @@ def compute(args): dim = 2 npts = (int(H/E)*N, int(L/E)*N) box = Box(origin=(-H/2, -L/2), length=(H,L), dim=dim) - + # Get default MPI Parameters from domain (even for serial jobs) mpi_params = MPIParams(comm=box.task_comm, task_id=box.current_task()) - + # Setup usual implementation specific variables impl = args.impl extra_op_kwds = {'mpi_params': mpi_params} @@ -77,24 +77,24 @@ def compute(args): elif (impl is Implementation.OPENCL): # For the OpenCL implementation we need to setup the compute device # and configure how the code is generated and compiled at runtime. - + # Create an explicit OpenCL context from user parameters from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) - + # Configure OpenCL kernel generation and tuning (already done by HysopArgParser) from hysop.methods import OpenClKernelConfig method = { OpenClKernelConfig: args.opencl_kernel_config } - + # Setup opencl specific extra operator keyword arguments extra_op_kwds['cl_env'] = cl_env else: msg='Unknown implementation \'{}\'.'.format(impl) raise ValueError(msg) - + # Define parameters and field (time, timestep, velocity, vorticity, enstrophy) t, dt = TimeParameters(dtype=args.dtype) velo = VelocityField(domain=box, dtype=args.dtype) @@ -117,11 +117,11 @@ def compute(args): Xs = LogicalLT((Xc-X)**2 + (Yc-Y)**2, D**2/4) compute_lambda = 1e8*Xs - cylinder = AnalyticField(name='cylinder', + cylinder = AnalyticField(name='cylinder', field=_lambda, formula=compute_lambda, variables = {_lambda: npts}, implementation=impl, **extra_op_kwds) - + ### Build the directional operators #> Directional penalization penalization = +dts*lambdas*(Uc-Us) / (1+lambdas*dts) @@ -129,45 +129,45 @@ def compute(args): lhs = Ws rhs = curl(penalization, frame) exprs = Assignment.assign(lhs, rhs) - penalization = DirectionalSymbolic(name='penalization', + penalization = DirectionalSymbolic(name='penalization', implementation=impl, exprs=exprs, fixed_residue=Ws, variables={vorti: npts, velo: npts, _lambda: npts}, method={TimeIntegrator: Euler}, dt=dt, **extra_op_kwds) - #> Directional advection + #> Directional advection advec = DirectionalAdvection(implementation=impl, name='advection', pretty_name='Adv', - velocity = velo, + velocity = velo, advected_fields = (vorti,), velocity_cfl = args.cfl, variables = {velo: npts, vorti: npts}, dt=dt, **extra_op_kwds) - + #> Directional stretching + diffusion if (dim==3): stretch = DirectionalStretching(implementation=impl, name='stretch', pretty_name='stretch', formulation = args.stretching_formulation, - velocity = velo, + velocity = velo, vorticity = vorti, variables = {velo: npts, vorti: npts}, dt=dt, **extra_op_kwds) else: stretch = None - + #> Directional splitting operator subgraph splitting = StrangSplitting(splitting_dim=dim, order=args.strang_order) splitting.push_operators(penalization, advec, stretch) - + ### Build standard operators #> Poisson operator to recover the velocity from the vorticity - poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti, - variables={velo:npts, vorti: npts}, + poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti, + variables={velo:npts, vorti: npts}, diffusion=mu, dt=dt, projection=args.reprojection_frequency, implementation=impl, **extra_op_kwds) @@ -176,10 +176,10 @@ def compute(args): io_params = IOParams(filename='fields', frequency=args.dump_freq) dump_fields = HDF_Writer(name='dump', io_params=io_params, - variables={velo: npts, - vorti: npts, + variables={velo: npts, + vorti: npts, _lambda: npts}) - + #> Operator to compute the infinite norm of the velocity min_max_U = MinMaxFieldStatistics(field=velo, Finf=True, implementation=impl, variables={velo:npts}, @@ -200,21 +200,21 @@ def compute(args): max_dt = CFL_dt adapt_dt = AdaptiveTimeStep(dt, equivalent_CFL=True, max_dt=max_dt, name='merge_dt', pretty_name='dt', ) - dt_cfl = adapt_dt.push_cfl_criteria(cfl=args.cfl, + dt_cfl = adapt_dt.push_cfl_criteria(cfl=args.cfl, Fmin=min_max_U.Fmin, Fmax=min_max_U.Fmax, - equivalent_CFL=True, + equivalent_CFL=True, name='dt_cfl', pretty_name='CFL') dt_advec = adapt_dt.push_advection_criteria(lcfl=args.lcfl, Finf=min_max_W.Finf, criteria=AdvectionCriteria.W_INF, name='dt_lcfl', pretty_name='LCFL') - - ## Create the problem we want to solve and insert our + + ## Create the problem we want to solve and insert our # directional splitting subgraph and the standard operators. # The method dictionnary passed to this graph will be dispatched # accross all operators contained in the graph. method.update( - { + { ComputeGranularity: args.compute_granularity, SpaceDiscretization: args.fd_order, TimeIntegrator: args.time_integrator, @@ -223,10 +223,10 @@ def compute(args): ) problem = Problem(method=method) problem.insert(cylinder, - poisson, - splitting, + poisson, + splitting, dump_fields, - min_max_U, min_max_W, + min_max_U, min_max_W, adapt_dt) problem.build(args) @@ -234,52 +234,52 @@ def compute(args): # display the graph on the given process rank. if args.display_graph: problem.display(args.visu_rank) - + # Create a simulation # (do not forget to specify the t and dt parameters here) - simu = Simulation(start=args.tstart, end=args.tend, + simu = Simulation(start=args.tstart, end=args.tend, nb_iter=args.nb_iter, max_iter=args.max_iter, dt0=args.dt, times_of_interest=args.times_of_interest, t=t, dt=dt) - simu.write_parameters(t, dt_cfl, dt_advec, dt, - min_max_U.Finf, min_max_W.Finf, + simu.write_parameters(t, dt_cfl, dt_advec, dt, + min_max_U.Finf, min_max_W.Finf, adapt_dt.equivalent_CFL, filename='parameters.txt', precision=8) - + # Initialize vorticity, velocity, viscosity and density on all topologies problem.initialize_field(field=velo, formula=init_velocity) problem.initialize_field(field=vorti, formula=init_vorticity) problem.initialize_field(field=_lambda, formula=init_lambda) # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) - + # Finalize problem.finalize() if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class OscillatingCylinderArgParser(HysopArgParser): def __init__(self): prog_name = 'oscillating_cylinder' - default_dump_dir = '{}/hysop_examples/{}'.format(HysopArgParser.tmp_dir(), + default_dump_dir = '{}/hysop_examples/{}'.format(HysopArgParser.tmp_dir(), prog_name) description=colors.color('HySoP Oscillating Cylinder Example: ', fg='blue', style='bold') description+='\n' description+='\nThis example focuses on a validation study for the ' description+='penalization with a immersed moving cylinder boundary.' - + super(OscillatingCylinderArgParser, self).__init__( prog_name=prog_name, description=description, default_dump_dir=default_dump_dir) - + def _setup_parameters(self, args): super(OscillatingCylinderArgParser, self)._setup_parameters(args) dim = args.ndim @@ -293,9 +293,9 @@ if __name__=='__main__': toi = tuple(np.linspace(0.0, 20.0, 20*24).tolist()) parser.set_defaults(impl='cl', ndim=2, - tstart=0.0, tend=20.1, + tstart=0.0, tend=20.1, dt=1e-6, cfl=0.5, lcfl=0.95, - dump_freq=0, + dump_freq=0, dump_times=toi) parser.run(compute) diff --git a/hysop_examples/examples/fixed_point/heat_equation.py b/hysop_examples/examples/fixed_point/heat_equation.py index 452b69d26..40b35d761 100644 --- a/hysop_examples/examples/fixed_point/heat_equation.py +++ b/hysop_examples/examples/fixed_point/heat_equation.py @@ -60,7 +60,7 @@ def compute(args): from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) # Configure OpenCL kernel generation and tuning (already done by HysopArgParser) @@ -192,13 +192,13 @@ def compute(args): simu.write_parameters(t, fixedPoint.it_num, filename='parameters.txt', precision=8) problem.initialize_field(u, formula=init_u) - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, checkpoint_handler=args.checkpoint_handler) problem.finalize() if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class IMArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/flow_around_sphere/flow_around_sphere.py b/hysop_examples/examples/flow_around_sphere/flow_around_sphere.py index 059ff3c81..b68cd5681 100644 --- a/hysop_examples/examples/flow_around_sphere/flow_around_sphere.py +++ b/hysop_examples/examples/flow_around_sphere/flow_around_sphere.py @@ -330,7 +330,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors parser = HysopArgParser(prog_name="FlowAroundSphere", description="""HySoP flow around a sphere.\n""", default_dump_dir='{}/hysop_examples/FlowAroundSphere'.format( diff --git a/hysop_examples/examples/multiresolution/scalar_advection.py b/hysop_examples/examples/multiresolution/scalar_advection.py index 71ed3d947..239f9977b 100644 --- a/hysop_examples/examples/multiresolution/scalar_advection.py +++ b/hysop_examples/examples/multiresolution/scalar_advection.py @@ -35,43 +35,43 @@ def compute(args): rboundaries = (BoxBoundaryCondition.PERIODIC,)*dim box = Box(origin=args.box_origin, length=args.box_length, dim=dim, lboundaries=lboundaries, rboundaries=rboundaries) - + # Get default MPI Parameters from domain (even for serial jobs) mpi_params = MPIParams(comm=box.task_comm, task_id=box.current_task()) - + # Define parameters and field (time and analytic field) dt = ScalarParameter('dt', dtype=args.dtype) velo = Field(domain=box, name='V', is_vector=True, dtype=args.dtype) scalar = Field(domain=box, name='S', nb_components=2, dtype=args.dtype) - + # Setup operator method dictionnary # Advection-Remesh operator discretization parameters - method = { + method = { TimeIntegrator: args.time_integrator, Remesh: args.remesh_kernel, PolynomialInterpolator: args.polynomial_interpolator, } - + # Setup implementation specific variables impl = args.impl extra_op_kwds = { 'mpi_params': mpi_params } if (impl is Implementation.OPENCL): # For the OpenCL implementation we need to setup the compute device # and configure how the code is generated and compiled at runtime. - + # Create an explicit OpenCL context from user parameters from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) - + # Configure OpenCL kernel generation and tuning method # (already done by HysopArgParser for simplicity) from hysop.methods import OpenClKernelConfig method[OpenClKernelConfig] = args.opencl_kernel_config - + # Setup opencl specific extra operator keyword arguments extra_op_kwds['cl_env'] = cl_env elif (impl in (Implementation.PYTHON, Implementation.FORTRAN)): @@ -79,20 +79,20 @@ def compute(args): else: msg='Unknown implementation \'{}\'.'.format(impl) raise ValueError(msg) - + # Create the problem we want to solve problem = Problem(method=method) - + if (impl is Implementation.FORTRAN) or ((npts!=snpts) and (impl is Implementation.PYTHON)): # The fortran scales implementation is a special case. # Here directional advection is a black box. advec = Advection(implementation=Implementation.FORTRAN, name='advec', - velocity = velo, + velocity = velo, advected_fields = (scalar,), variables = {velo: npts, scalar: snpts}, dt = dt, **extra_op_kwds) - + # Finally insert our advection into the problem problem.insert(advec) else: @@ -100,21 +100,21 @@ def compute(args): # here the cfl determines the maximum number of ghosts advec = DirectionalAdvection(implementation=impl, name='advec', - velocity = velo, + velocity = velo, velocity_cfl = args.cfl, advected_fields = (scalar,), variables = {velo: npts, scalar: snpts}, dt=dt, **extra_op_kwds) # Build the directional splitting operator graph - splitting = StrangSplitting(splitting_dim=dim, + splitting = StrangSplitting(splitting_dim=dim, order=args.strang_order) splitting.push_operators(advec) # Finally insert our splitted advection into the problem problem.insert(splitting) - + #> Interpolation filter interpolation_filter = SpatialFilter(input_variables={scalar: snpts}, output_variables={scalar: fnpts}, @@ -149,9 +149,9 @@ def compute(args): io_params=io_params, variables={scalar: cnpts}, **extra_op_kwds) - + # Add a writer of input field at given frequency. - problem.insert(interpolation_filter, restriction_filter, + problem.insert(interpolation_filter, restriction_filter, df0, df1, df2, df3) problem.build(args) @@ -159,11 +159,11 @@ def compute(args): # display the graph on the given process rank. if args.display_graph: problem.display(args.visu_rank) - + # Initialize discrete velocity and scalar field problem.initialize_field(velo, formula=init_velocity) problem.initialize_field(scalar, formula=init_scalar) - + # Determine a timestep using the supplied CFL # (velocity is constant for the whole simulation) dx = problem.get_input_discrete_field(scalar).space_step.min() @@ -172,17 +172,17 @@ def compute(args): if (args.dt is not None): dt0 = min(args.dt, dt0) dt0 = 0.99*dt0 - - # Create a simulation and solve the problem + + # Create a simulation and solve the problem # (do not forget to specify the dt parameter here) - simu = Simulation(start=args.tstart, end=args.tend, + simu = Simulation(start=args.tstart, end=args.tend, nb_iter=args.nb_iter, max_iter=args.max_iter, times_of_interest=args.times_of_interest, dt=dt, dt0=dt0) - + # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) @@ -191,7 +191,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class MultiResolutionScalarAdvectionArgParser(HysopArgParser): def __init__(self): @@ -202,12 +202,12 @@ if __name__=='__main__': description+='Advect a scalar by a given constant velocity. ' description+='\n\nThe advection operator is directionally splitted resulting ' description+='in the use of one or more advection-remesh operators per direction.' - + super(MultiResolutionScalarAdvectionArgParser, self).__init__( prog_name=prog_name, description=description, default_dump_dir=default_dump_dir) - + def _add_main_args(self): args = super(MultiResolutionScalarAdvectionArgParser, self)._add_main_args() args.add_argument('-vel', '--velocity', type=str, @@ -215,11 +215,11 @@ if __name__=='__main__': dest='velocity', help='Velocity components.') return args - + def _check_main_args(self, args): super(MultiResolutionScalarAdvectionArgParser, self)._check_main_args(args) self._check_default(args, 'velocity', tuple, allow_none=False) - + def _setup_parameters(self, args): super(MultiResolutionScalarAdvectionArgParser, self)._setup_parameters(args) if len(args.velocity) == 1: @@ -227,9 +227,9 @@ if __name__=='__main__': parser = MultiResolutionScalarAdvectionArgParser() - parser.set_defaults(box_origin=(0.0,), box_length=(2*np.pi,), + parser.set_defaults(box_origin=(0.0,), box_length=(2*np.pi,), tstart=0.0, tend=2*np.pi, npts=(16,), - dump_freq=10, cfl=0.5, velocity=(1.0,), + dump_freq=10, cfl=0.5, velocity=(1.0,), ndim=3, compute_precision='fp64') parser.run(compute) diff --git a/hysop_examples/examples/particles_above_salt/particles_above_salt_bc.py b/hysop_examples/examples/particles_above_salt/particles_above_salt_bc.py index d0b941991..5ae967ba2 100644 --- a/hysop_examples/examples/particles_above_salt/particles_above_salt_bc.py +++ b/hysop_examples/examples/particles_above_salt/particles_above_salt_bc.py @@ -324,7 +324,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/particles_above_salt/particles_above_salt_bc_3d.py b/hysop_examples/examples/particles_above_salt/particles_above_salt_bc_3d.py index b6fc0de0f..8fad5c0be 100644 --- a/hysop_examples/examples/particles_above_salt/particles_above_salt_bc_3d.py +++ b/hysop_examples/examples/particles_above_salt/particles_above_salt_bc_3d.py @@ -341,7 +341,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/particles_above_salt/particles_above_salt_periodic.py b/hysop_examples/examples/particles_above_salt/particles_above_salt_periodic.py index 7965443c5..32ddd626e 100644 --- a/hysop_examples/examples/particles_above_salt/particles_above_salt_periodic.py +++ b/hysop_examples/examples/particles_above_salt/particles_above_salt_periodic.py @@ -336,7 +336,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/particles_above_salt/particles_above_salt_symmetrized.py b/hysop_examples/examples/particles_above_salt/particles_above_salt_symmetrized.py index 674d447b2..7c3e8942c 100644 --- a/hysop_examples/examples/particles_above_salt/particles_above_salt_symmetrized.py +++ b/hysop_examples/examples/particles_above_salt/particles_above_salt_symmetrized.py @@ -323,7 +323,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/scalar_advection/levelset.py b/hysop_examples/examples/scalar_advection/levelset.py index 8bf74e469..c761b63a3 100644 --- a/hysop_examples/examples/scalar_advection/levelset.py +++ b/hysop_examples/examples/scalar_advection/levelset.py @@ -56,7 +56,7 @@ def compute(args): from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) extra_op_kwds['cl_env'] = cl_env method[OpenClKernelConfig] = args.opencl_kernel_config @@ -211,7 +211,7 @@ def compute(args): problem.initialize_field(scalar, formula=init_scalar) # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) @@ -219,7 +219,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class LevelsetArgParser(HysopArgParser): def __init__(self): @@ -233,7 +233,7 @@ if __name__=='__main__': prog_name=prog_name, description=description, default_dump_dir=default_dump_dir) - + def _add_main_args(self): args = super(LevelsetArgParser, self)._add_main_args() args.add_argument('-b', '--bench', action='store_true', diff --git a/hysop_examples/examples/scalar_advection/scalar_advection.py b/hysop_examples/examples/scalar_advection/scalar_advection.py index a75992ab2..ec4cc81b4 100644 --- a/hysop_examples/examples/scalar_advection/scalar_advection.py +++ b/hysop_examples/examples/scalar_advection/scalar_advection.py @@ -25,43 +25,43 @@ def compute(args): dim = args.ndim npts = args.npts box = Box(origin=args.box_origin, length=args.box_length, dim=dim) - + # Get default MPI Parameters from domain (even for serial jobs) mpi_params = MPIParams(comm=box.task_comm, task_id=box.current_task()) - + # Define parameters and field (time and analytic field) dt = ScalarParameter('dt', dtype=args.dtype) velo = Field(domain=box, name='V', is_vector=True, dtype=args.dtype) scalar = Field(domain=box, name='S', nb_components=1, dtype=args.dtype) - + # Setup operator method dictionnary # Advection-Remesh operator discretization parameters - method = { + method = { ComputeGranularity: args.compute_granularity, TimeIntegrator: args.time_integrator, Remesh: args.remesh_kernel, } - + # Setup implementation specific variables impl = args.impl extra_op_kwds = { 'mpi_params': mpi_params } if (impl is Implementation.OPENCL): # For the OpenCL implementation we need to setup the compute device # and configure how the code is generated and compiled at runtime. - + # Create an explicit OpenCL context from user parameters from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) - + # Configure OpenCL kernel generation and tuning method # (already done by HysopArgParser for simplicity) from hysop.methods import OpenClKernelConfig method[OpenClKernelConfig] = args.opencl_kernel_config - + # Setup opencl specific extra operator keyword arguments extra_op_kwds['cl_env'] = cl_env elif (impl in (Implementation.PYTHON, Implementation.FORTRAN)): @@ -69,20 +69,20 @@ def compute(args): else: msg='Unknown implementation \'{}\'.'.format(impl) raise ValueError(msg) - + # Create the problem we want to solve problem = Problem(method=method) - + if (impl is Implementation.FORTRAN): # The fortran scales implementation is a special case. # Here directional advection is a black box. advec = Advection(implementation=impl, name='advec', - velocity = velo, + velocity = velo, advected_fields = (scalar,), variables = {velo: npts, scalar: npts}, dt = dt, **extra_op_kwds) - + # Finally insert our advection into the problem problem.insert(advec) else: @@ -90,22 +90,22 @@ def compute(args): # here the cfl determines the maximum number of ghosts advec = DirectionalAdvection(implementation=impl, name='advec', - velocity = velo, + velocity = velo, velocity_cfl = args.cfl, advected_fields = (scalar,), variables = {velo: npts, scalar: npts}, dt = dt, **extra_op_kwds) # Build the directional splitting operator graph - splitting = StrangSplitting(splitting_dim=dim, + splitting = StrangSplitting(splitting_dim=dim, order=args.strang_order) splitting.push_operators(advec) # Finally insert our splitted advection into the problem problem.insert(splitting) - + # Add a writer of input field at given frequency. - problem.dump_inputs(fields=scalar, + problem.dump_inputs(fields=scalar, io_params=args.io_params.clone(filename='S0'), **extra_op_kwds) problem.build(args) @@ -113,11 +113,11 @@ def compute(args): # display the graph on the given process rank. if args.display_graph: problem.display(args.visu_rank) - + # Initialize discrete velocity and scalar field problem.initialize_field(velo, formula=init_velocity) problem.initialize_field(scalar, formula=init_scalar) - + # Determine a timestep using the supplied CFL # (velocity is constant for the whole simulation) dx = problem.get_input_discrete_field(scalar).space_step.min() @@ -126,27 +126,27 @@ def compute(args): if (args.dt is not None): dt0 = min(args.dt, dt0) dt0 = 0.99*dt0 - - # Create a simulation and solve the problem + + # Create a simulation and solve the problem # (do not forget to specify the dt parameter here) - simu = Simulation(start=args.tstart, end=args.tend, + simu = Simulation(start=args.tstart, end=args.tend, nb_iter=args.nb_iter, max_iter=args.max_iter, times_of_interest=args.times_of_interest, dt=dt, dt0=dt0) - + # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) - + # Finalize problem.finalize() if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ScalarAdvectionArgParser(HysopArgParser): def __init__(self): @@ -157,12 +157,12 @@ if __name__=='__main__': description+='Advect a scalar by a given constant velocity. ' description+='\n\nThe advection operator is directionally splitted resulting ' description+='in the use of one or more advection-remesh operators per direction.' - + super(ScalarAdvectionArgParser, self).__init__( prog_name=prog_name, description=description, default_dump_dir=default_dump_dir) - + def _add_main_args(self): args = super(ScalarAdvectionArgParser, self)._add_main_args() args.add_argument('-vel', '--velocity', type=str, @@ -170,11 +170,11 @@ if __name__=='__main__': dest='velocity', help='Velocity components.') return args - + def _check_main_args(self, args): super(ScalarAdvectionArgParser, self)._check_main_args(args) self._check_default(args, 'velocity', tuple, allow_none=False) - + def _setup_parameters(self, args): super(ScalarAdvectionArgParser, self)._setup_parameters(args) if len(args.velocity) == 1: @@ -182,7 +182,7 @@ if __name__=='__main__': parser = ScalarAdvectionArgParser() - parser.set_defaults(box_origin=(0.0,), box_length=(2*np.pi,), + parser.set_defaults(box_origin=(0.0,), box_length=(2*np.pi,), tstart=0.0, tend=2*np.pi, npts=(128,), dump_freq=5, cfl=0.5, velocity=(1.0,)) diff --git a/hysop_examples/examples/scalar_diffusion/scalar_diffusion.py b/hysop_examples/examples/scalar_diffusion/scalar_diffusion.py index 1abf3be08..bf0b87086 100755 --- a/hysop_examples/examples/scalar_diffusion/scalar_diffusion.py +++ b/hysop_examples/examples/scalar_diffusion/scalar_diffusion.py @@ -66,7 +66,7 @@ def compute(args): from hysop.backend.device.opencl.opencl_tools import get_or_create_opencl_env, get_device_number cl_env = get_or_create_opencl_env( mpi_params=mpi_params, - platform_id=args.cl_platform_id, + platform_id=args.cl_platform_id, device_id=box.machine_rank%get_device_number() if args.cl_device_id is None else None) # Configure OpenCL kernel generation and tuning (already done by HysopArgParser) @@ -91,7 +91,7 @@ def compute(args): else: msg='Unknown implementation \'{}\'.'.format(impl) raise ValueError(msg) - + io_params = args.io_params.clone(filename='field') problem.dump_inputs(fields=scalar, io_params=io_params, **extra_op_kwds) problem.build(args) @@ -100,7 +100,7 @@ def compute(args): # display the graph on the given process rank. if args.display_graph: problem.display(args.visu_rank) - + # Initialize discrete scalar field problem.initialize_field(scalar, formula=init_scalar) @@ -112,7 +112,7 @@ def compute(args): dt=dt, dt0=args.dt) # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) @@ -121,7 +121,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ScalarDiffusionArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/sediment_deposit/sediment_deposit.py b/hysop_examples/examples/sediment_deposit/sediment_deposit.py index be59c76cd..3379c68a5 100644 --- a/hysop_examples/examples/sediment_deposit/sediment_deposit.py +++ b/hysop_examples/examples/sediment_deposit/sediment_deposit.py @@ -336,7 +336,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/sediment_deposit/sediment_deposit_levelset.py b/hysop_examples/examples/sediment_deposit/sediment_deposit_levelset.py index 14a1c1a68..e0f376654 100644 --- a/hysop_examples/examples/sediment_deposit/sediment_deposit_levelset.py +++ b/hysop_examples/examples/sediment_deposit/sediment_deposit_levelset.py @@ -397,7 +397,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ParticleAboveSaltArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/shear_layer/shear_layer.py b/hysop_examples/examples/shear_layer/shear_layer.py index 0a3544a24..2bbddc273 100644 --- a/hysop_examples/examples/shear_layer/shear_layer.py +++ b/hysop_examples/examples/shear_layer/shear_layer.py @@ -196,7 +196,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class ShearLayerArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/taylor_green/taylor_green.py b/hysop_examples/examples/taylor_green/taylor_green.py index c5fe8819e..0de08e7fe 100644 --- a/hysop_examples/examples/taylor_green/taylor_green.py +++ b/hysop_examples/examples/taylor_green/taylor_green.py @@ -306,7 +306,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class TaylorGreenArgParser(HysopArgParser): def __init__(self): diff --git a/hysop_examples/examples/taylor_green/taylor_green_cpuFortran.py b/hysop_examples/examples/taylor_green/taylor_green_cpuFortran.py index 2fe7bb438..4d8de7b01 100644 --- a/hysop_examples/examples/taylor_green/taylor_green_cpuFortran.py +++ b/hysop_examples/examples/taylor_green/taylor_green_cpuFortran.py @@ -215,7 +215,7 @@ def compute(args): problem.initialize_field(vorti, formula=init_vorticity) # Finally solve the problem - problem.solve(simu, dry_run=args.dry_run, + problem.solve(simu, dry_run=args.dry_run, debug_dumper=args.debug_dumper, checkpoint_handler=args.checkpoint_handler) @@ -224,7 +224,7 @@ def compute(args): if __name__=='__main__': - from hysop_examples.example_utils import HysopArgParser, colors + from hysop_examples.argparser import HysopArgParser, colors class TaylorGreenArgParser(HysopArgParser): def __init__(self): -- GitLab