Skip to content
Snippets Groups Projects
Commit c9c5586e authored by Jean-Baptiste Keck's avatar Jean-Baptiste Keck
Browse files

added diffusion to poisson curl

parent 2e82cbf8
No related branches found
No related tags found
1 merge request!3Resolve "Sine and cosine transforms to solve homogeneous Neumann and Dirichlet problems"
...@@ -48,7 +48,8 @@ def compute(args): ...@@ -48,7 +48,8 @@ def compute(args):
EnstrophyParameter, TimeParameters, \ EnstrophyParameter, TimeParameters, \
VolumicIntegrationParameter VolumicIntegrationParameter
from hysop.constants import Implementation, AdvectionCriteria, \ from hysop.constants import Implementation, AdvectionCriteria, \
BoxBoundaryCondition, BoundaryCondition BoxBoundaryCondition, BoundaryCondition, \
Backend
from hysop.operators import DirectionalAdvection, DirectionalStretching, \ from hysop.operators import DirectionalAdvection, DirectionalStretching, \
Diffusion, ComputeMeanField, \ Diffusion, ComputeMeanField, \
...@@ -181,13 +182,6 @@ def compute(args): ...@@ -181,13 +182,6 @@ def compute(args):
raise RuntimeError(msg) raise RuntimeError(msg)
#> Diffusion of vorticity, S and C #> Diffusion of vorticity, S and C
diffuse_W = Diffusion(implementation=impl,
name='diffuse_{}'.format(vorti.name),
pretty_name=u'diff{}'.format(vorti.pretty_name.decode('utf-8')),
nu = nu_W,
Fin = vorti,
variables = {vorti: npts},
dt=dt, **extra_op_kwds)
diffuse_S = Diffusion(implementation=impl, diffuse_S = Diffusion(implementation=impl,
name='diffuse_S', name='diffuse_S',
pretty_name='diffS', pretty_name='diffS',
...@@ -226,6 +220,7 @@ def compute(args): ...@@ -226,6 +220,7 @@ def compute(args):
#> Poisson operator to recover the velocity from the vorticity #> Poisson operator to recover the velocity from the vorticity
poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti, poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti,
variables={velo:npts, vorti: npts}, variables={velo:npts, vorti: npts},
diffusion=nu_W, dt=dt,
implementation=impl, **extra_op_kwds) implementation=impl, **extra_op_kwds)
#> Operator to compute the infinite norm of the velocity #> Operator to compute the infinite norm of the velocity
...@@ -241,10 +236,12 @@ def compute(args): ...@@ -241,10 +236,12 @@ def compute(args):
io_params = IOParams(filename='fields', frequency=args.dump_freq) io_params = IOParams(filename='fields', frequency=args.dump_freq)
dump_fields = HDF_Writer(name='dump', dump_fields = HDF_Writer(name='dump',
io_params=io_params, io_params=io_params,
force_backend=Backend.OPENCL,
variables={velo: npts, variables={velo: npts,
vorti: npts, vorti: npts,
C: npts, C: npts,
S: npts}) S: npts},
**extra_op_kwds)
#> Operator to compute and save mean fields #> Operator to compute and save mean fields
axes = list(range(0, dim-1)) axes = list(range(0, dim-1))
...@@ -287,7 +284,7 @@ def compute(args): ...@@ -287,7 +284,7 @@ def compute(args):
problem = Problem(method=method) problem = Problem(method=method)
problem.insert(poisson, problem.insert(poisson,
diffuse_W, diffuse_S, diffuse_C, diffuse_S, diffuse_C,
splitting, splitting,
dump_fields, dump_fields,
compute_mean_fields, compute_mean_fields,
......
...@@ -75,8 +75,8 @@ def compute(args): ...@@ -75,8 +75,8 @@ def compute(args):
if (dim==2): if (dim==2):
(Sc, tau, Vp, Rs, Xo, Xn, N) = (0.70, 25, 0.04, 2.0, (-600,0), (600,750), (1537, 512)) (Sc, tau, Vp, Rs, Xo, Xn, N) = (0.70, 25, 0.04, 2.0, (-600,0), (600,750), (1537, 512))
elif (dim==3): elif (dim==3):
(Sc, tau, Vp, Rs, Xo, Xn, N) = (30.00, 25, 0.04, 2.0, (-110,0,0), (65,100,100), (3073, 1024, 1024)) (Sc, tau, Vp, Rs, Xo, Xn, N) = (7.00, 25, 0.04, 2.0, (-110,0,0), (65,100,100), (3073, 1024, 1024))
N = (257,64,64) N = (513,128,128)
else: else:
raise NotImplementedError raise NotImplementedError
...@@ -183,13 +183,6 @@ def compute(args): ...@@ -183,13 +183,6 @@ def compute(args):
raise RuntimeError(msg) raise RuntimeError(msg)
#> Diffusion of vorticity, S and C #> Diffusion of vorticity, S and C
diffuse_W = Diffusion(implementation=impl,
name='diffuse_{}'.format(vorti.name),
pretty_name=u'diff{}'.format(vorti.pretty_name.decode('utf-8')),
nu = nu_W,
Fin = vorti,
variables = {vorti: npts},
dt=dt, **extra_op_kwds)
diffuse_S = Diffusion(implementation=impl, diffuse_S = Diffusion(implementation=impl,
name='diffuse_S', name='diffuse_S',
pretty_name='diffS', pretty_name='diffS',
...@@ -228,6 +221,7 @@ def compute(args): ...@@ -228,6 +221,7 @@ def compute(args):
#> Poisson operator to recover the velocity from the vorticity #> Poisson operator to recover the velocity from the vorticity
poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti, poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti,
variables={velo:npts, vorti: npts}, variables={velo:npts, vorti: npts},
diffusion=nu_W, dt=dt,
implementation=impl, **extra_op_kwds) implementation=impl, **extra_op_kwds)
#> Operator to compute the infinite norm of the velocity #> Operator to compute the infinite norm of the velocity
...@@ -244,7 +238,8 @@ def compute(args): ...@@ -244,7 +238,8 @@ def compute(args):
dump_fields = HDF_Writer(name='dump', dump_fields = HDF_Writer(name='dump',
io_params=io_params, io_params=io_params,
force_backend=Backend.OPENCL, force_backend=Backend.OPENCL,
variables={velo[0]: npts, variables={vorti: npts,
velo: npts,
C: npts, C: npts,
S: npts}, S: npts},
**extra_op_kwds) **extra_op_kwds)
...@@ -280,7 +275,7 @@ def compute(args): ...@@ -280,7 +275,7 @@ def compute(args):
problem = Problem(method=method) problem = Problem(method=method)
problem.insert(poisson, dump_fields, problem.insert(poisson, dump_fields,
diffuse_W, diffuse_S, diffuse_C, diffuse_S, diffuse_C,
splitting, splitting,
min_max_U, min_max_W, adapt_dt) min_max_U, min_max_W, adapt_dt)
problem.build() problem.build()
......
...@@ -35,7 +35,8 @@ def init_vorticity(data, coords, component=None): ...@@ -35,7 +35,8 @@ def init_vorticity(data, coords, component=None):
def compute(args): def compute(args):
from hysop import Box, Simulation, Problem, MPIParams from hysop import Box, Simulation, Problem, MPIParams
from hysop.defaults import VelocityField, VorticityField, \ from hysop.defaults import VelocityField, VorticityField, \
EnstrophyParameter, TimeParameters EnstrophyParameter, TimeParameters, \
ViscosityParameter
from hysop.constants import Implementation, AdvectionCriteria, StretchingCriteria from hysop.constants import Implementation, AdvectionCriteria, StretchingCriteria
from hysop.operators import DirectionalAdvection, DirectionalStretchingDiffusion, \ from hysop.operators import DirectionalAdvection, DirectionalStretchingDiffusion, \
...@@ -86,6 +87,7 @@ def compute(args): ...@@ -86,6 +87,7 @@ def compute(args):
velo = VelocityField(domain=box, dtype=args.dtype) velo = VelocityField(domain=box, dtype=args.dtype)
vorti = VorticityField(velocity=velo) vorti = VorticityField(velocity=velo)
enstrophy = EnstrophyParameter(dtype=args.dtype) enstrophy = EnstrophyParameter(dtype=args.dtype)
viscosity = ViscosityParameter(dtype=args.dtype, initial_value=(1.0/args.Re), const=True)
### Build the directional operators ### Build the directional operators
if (impl is Implementation.FORTRAN): if (impl is Implementation.FORTRAN):
...@@ -124,34 +126,17 @@ def compute(args): ...@@ -124,34 +126,17 @@ def compute(args):
vorticity = vorti, vorticity = vorti,
variables = {velo: npts, vorti: npts}, variables = {velo: npts, vorti: npts},
dt=dt, **extra_op_kwds) dt=dt, **extra_op_kwds)
#> Directional diffusion
if (impl is Implementation.OPENCL):
diffuse = None
diffuse_dir = DirectionalDiffusion(implementation=impl,
name='diffuse',
fields = vorti,
coeffs = (1.0/args.Re),
variables = {vorti: npts},
dt=dt, **extra_op_kwds)
else:
diffuse = Diffusion(
implementation=impl,
name='diffuse',
Fin = vorti,
viscosity = (1.0/args.Re),
variables = {vorti: npts},
dt=dt, **extra_op_kwds)
diffuse_dir = None
### Build standard operators ### Build standard operators
#> Poisson operator to recover the velocity from the vorticity #> Poisson operator to recover the velocity from the vorticity
poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti, poisson = PoissonCurl(name='poisson', velocity=velo, vorticity=vorti,
variables={velo:npts, vorti: npts}, variables={velo:npts, vorti: npts},
projection=args.reprojection_frequency, projection=args.reprojection_frequency,
diffusion=viscosity, dt=dt,
implementation=impl, **extra_op_kwds) implementation=impl, **extra_op_kwds)
#> We ask to dump the outputs of this operator #> We ask to dump the outputs of this operator
#poisson.dump_outputs(fields=(vorti,), frequency=args.dump_freq) poisson.dump_outputs(fields=(vorti,), frequency=args.dump_freq)
#poisson.dump_outputs(fields=(velo,), frequency=args.dump_freq) poisson.dump_outputs(fields=(velo,), frequency=args.dump_freq)
#> Operator to compute the infinite norm of the velocity #> Operator to compute the infinite norm of the velocity
if (impl is Implementation.FORTRAN): if (impl is Implementation.FORTRAN):
...@@ -171,7 +156,7 @@ def compute(args): ...@@ -171,7 +156,7 @@ def compute(args):
#> Directional splitting operator subgraph #> Directional splitting operator subgraph
splitting = StrangSplitting(splitting_dim=dim, order=args.strang_order) splitting = StrangSplitting(splitting_dim=dim, order=args.strang_order)
splitting.push_operators(advec_dir, stretch_dir, diffuse_dir, min_max_gradU) splitting.push_operators(advec_dir, stretch_dir, min_max_gradU)
### Adaptive timestep operator ### Adaptive timestep operator
adapt_dt = AdaptiveTimeStep(dt, equivalent_CFL=True) adapt_dt = AdaptiveTimeStep(dt, equivalent_CFL=True)
...@@ -269,8 +254,7 @@ def compute(args): ...@@ -269,8 +254,7 @@ def compute(args):
} }
) )
problem = Problem(method=method) problem = Problem(method=method)
problem.insert(poisson, problem.insert(poisson, advec, splitting,
advec, splitting, diffuse,
min_max_U, min_max_W, enstrophy_op, min_max_U, min_max_W, enstrophy_op,
adapt_dt, plot) adapt_dt, plot)
problem.build() problem.build()
...@@ -379,7 +363,7 @@ if __name__=='__main__': ...@@ -379,7 +363,7 @@ if __name__=='__main__':
tstart=0.0, tend=20.01, tstart=0.0, tend=20.01,
dt=1e-5, dt=1e-5,
cfl=0.5, lcfl=0.125, cfl=0.5, lcfl=0.125,
dump_freq=100, dump_times=(), dump_freq=0, dump_times=(),
Re=1600.0) Re=1600.0)
parser.run(compute) parser.run(compute)
...@@ -38,8 +38,8 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic): ...@@ -38,8 +38,8 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic):
Win = tuple(Ft.output_symbolic_array('{}in_hat'.format(Ft.field.var_name)) for Ft in W_Ft) Win = tuple(Ft.output_symbolic_array('{}in_hat'.format(Ft.field.var_name)) for Ft in W_Ft)
Wout = tuple(Bt.input_symbolic_array('{}out_hat'.format(Bt.field.var_name)) if (Bt is not None) else None for Bt in W_Bt) Wout = tuple(Bt.input_symbolic_array('{}out_hat'.format(Bt.field.var_name)) if (Bt is not None) else None for Bt in W_Bt)
Uout = tuple(Bt.input_symbolic_array('{}out_hat'.format(Bt.field.var_name)) for Bt in U_Bt) Uout = tuple(Bt.input_symbolic_array('{}out_hat'.format(Bt.field.var_name)) for Bt in U_Bt)
K = tuple(tuple(self.tg._indexed_wave_numbers[kd] for kd in kd1[::-1]) for kd1 in kd1s) K = tuple(tuple(self.tg._indexed_wave_numbers[kd] for kd in kd1[::-1]) for kd1 in kd1s)
KK = tuple(tuple(self.tg._indexed_wave_numbers[kd] for kd in kd2[::-1]) for kd2 in kd2s) KK = tuple(tuple(self.tg._indexed_wave_numbers[kd] for kd in kd2[::-1]) for kd2 in kd2s)
def mul(Ki, other): def mul(Ki, other):
if Ki.Wn.is_complex: if Ki.Wn.is_complex:
...@@ -47,14 +47,21 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic): ...@@ -47,14 +47,21 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic):
else: else:
return Ki*other return Ki*other
if self.should_diffuse:
nu, dt = self.nu.s, self.dt.s
for i,(win,wout,KKi) in enumerate(zip(Win,Wout,KK)):
F = sum(KKi)
expr = Assignment(wout, win / (1 - nu*dt*F))
self.require_symbolic_kernel('diffusion_kernel__{}'.format(i), expr)
Win = Wout
exprs = () exprs = ()
indices = local_indices_symbols[:dim] indices = local_indices_symbols[:dim]
cond = LogicalAND(*tuple(LogicalEQ(idx,0) for idx in indices)) cond = LogicalAND(*tuple(LogicalEQ(idx,0) for idx in indices))
for i in xrange(wcomp): for i in xrange(wcomp):
e = sum(KK[i]) F = sum(KK[i])
e = Assignment(Win[i], Select(Win[i]/e,0,cond)) expr = Assignment(Win[i], Select(Win[i]/F,0,cond))
exprs += (e,) self.require_symbolic_kernel('poisson_kernel__{}'.format(i), expr)
self.require_symbolic_kernel('poisson_kernel', *exprs)
if (dim == 2): if (dim == 2):
assert wcomp==1 assert wcomp==1
...@@ -81,34 +88,42 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic): ...@@ -81,34 +88,42 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic):
self._build_projection_kernel() self._build_projection_kernel()
self._build_poisson_curl_kernel() self._build_poisson_curl_kernel()
self._build_ghost_exchangers() self._build_ghost_exchangers()
def _build_diffusion_kernel(self):
if self.should_diffuse:
diffusion_filters = ()
for i in xrange(self.W.nb_components):
knl, knl_kwds = \
self.symbolic_kernels['diffusion_kernel__{}'.format(i)]
knl = functools.partial(knl, queue=self.cl_env.default_queue)
def F(knl=knl, knl_kwds=knl_kwds):
return knl(**knl_kwds())
diffusion_filters += (F,)
self.diffusion_filters = diffusion_filters
else:
self.diffusion_filters = None
def _build_poisson_curl_kernel(self): def _build_poisson_curl_kernel(self):
filter_poisson, _ = self.symbolic_kernels['poisson_kernel'] poisson_filters = ()
self.poisson_filter = functools.partial(filter_poisson, queue=self.cl_env.default_queue) for i in xrange(self.W.nb_components):
knl, __ = self.symbolic_kernels['poisson_kernel__{}'.format(i)]
F0, _ = self.symbolic_kernels['curl_kernel__0'] Fi = functools.partial(knl, queue=self.cl_env.default_queue)
F1, _ = self.symbolic_kernels['curl_kernel__1'] poisson_filters += (Fi,)
if (self.dim==2):
curl_kernels = (F0,F1) curl_filters = ()
elif (self.dim==3): for i in xrange(self.U.nb_components):
F2, _ = self.symbolic_kernels['curl_kernel__2'] knl, __ = self.symbolic_kernels['curl_kernel__{}'.format(i)]
curl_kernels = (F0,F1,F2) Fi = functools.partial(knl, queue=self.cl_env.default_queue)
else: curl_filters += (Fi,)
msg='dim={}'.format(self.dim)
raise NotImplementedError(msg) self.poisson_filters = poisson_filters
assert len(curl_kernels)==len(self.U_backward_transforms) self.curl_filters = curl_filters
self.curl_filters = tuple(functools.partial(Fi, queue=self.cl_env.default_queue) for Fi in curl_kernels)
def _build_projection_kernel(self): def _build_projection_kernel(self):
if self.should_project: if self.should_project:
raise NotImplementedError
self.filter_projection, _ = self.symbolic_kernels['projection_kernel'] self.filter_projection, _ = self.symbolic_kernels['projection_kernel']
def _build_diffusion_kernel(self):
if self.should_diffuse:
filter_diffusion, diffusion_kernel_kwds = \
self.symbolic_kernels['diffusion_kernel']
self.filter_diffusion = filter_diffusion
def _build_ghost_exchangers(self): def _build_ghost_exchangers(self):
def noop(): def noop():
pass pass
...@@ -132,21 +147,24 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic): ...@@ -132,21 +147,24 @@ class OpenClPoissonCurl(SpectralPoissonCurlOperatorBase, OpenClSymbolic):
def apply(self, simulation, **kwds): def apply(self, simulation, **kwds):
'''Solve the PoissonCurl equation.''' '''Solve the PoissonCurl equation.'''
diffuse=self.should_diffuse diffuse = self.should_diffuse
project=self.do_project(simu=simulation) project = self.do_project(simu=simulation)
for Ft in self.W_forward_transforms: for Ft in self.W_forward_transforms:
evt = Ft() evt = Ft()
#if diffuse: if diffuse:
#evt = self.filter_diffusion(nu_dt) for Fd in self.diffusion_filters:
#if project: evt = Fd()
#evt = self.filter_projection() if project:
#if (diffuse or project): evt = self.filter_projection()
#for Bt in self.W_backward_transforms: if (diffuse or project):
#evt = Bt() for Bt in self.W_backward_transforms:
#evt = self.exchange_W_ghosts() evt = Bt()
evt = self.poisson_filter() evt = self.exchange_W_ghosts()
for (curl_filter,Bt) in zip(self.curl_filters, self.U_backward_transforms): for Fp in self.poisson_filters:
evt = curl_filter() evt = Fp()
for (Fc, Bt) in zip(self.curl_filters, self.U_backward_transforms):
evt = Fc()
evt = Bt() evt = Bt()
evt = self.exchange_U_ghosts() evt = self.exchange_U_ghosts()
...@@ -60,9 +60,10 @@ class PoissonCurlOperatorBase(object): ...@@ -60,9 +60,10 @@ class PoissonCurlOperatorBase(object):
# check for diffusion # check for diffusion
should_diffuse = (diffusion is not None) should_diffuse = (diffusion is not None)
if should_diffuse and (dt is None): if should_diffuse:
msg='Diffusion has been specified but no timestep was given.' if (dt is None):
raise RuntimeError(msg) msg='Diffusion has been specified but no timestep was given.'
raise RuntimeError(msg)
else: else:
dt = None dt = None
...@@ -105,6 +106,7 @@ class PoissonCurlOperatorBase(object): ...@@ -105,6 +106,7 @@ class PoissonCurlOperatorBase(object):
input_fields = { vorticity: wtopology } input_fields = { vorticity: wtopology }
output_fields = { velocity: vtopology } output_fields = { velocity: vtopology }
if should_diffuse: if should_diffuse:
assert (dt is not None), 'Diffusion timestep has not been given.'
input_params[diffusion.name] = diffusion input_params[diffusion.name] = diffusion
input_params[dt.name] = dt input_params[dt.name] = dt
if (should_diffuse or should_project): if (should_diffuse or should_project):
...@@ -118,7 +120,7 @@ class PoissonCurlOperatorBase(object): ...@@ -118,7 +120,7 @@ class PoissonCurlOperatorBase(object):
self.dim = dim self.dim = dim
self.should_diffuse = should_diffuse self.should_diffuse = should_diffuse
self.diffusion = diffusion self.nu = diffusion
self.dt = dt self.dt = dt
self.should_project = should_project self.should_project = should_project
......
0% Loading or .
You are about to add 0 people to the discussion. Proceed with caution.
Finish editing this message first!
Please register or to comment