-
Neural Ordinary Differential Equations for Model Order Reduction of Stiff Systems
Authors:
Matteo Caldana,
Jan S. Hesthaven
Abstract:
Neural Ordinary Differential Equations (ODEs) represent a significant advancement at the intersection of machine learning and dynamical systems, offering a continuous-time analog to discrete neural networks. Despite their promise, deploying neural ODEs in practical applications often encounters the challenge of stiffness, a condition where rapid variations in some components of the solution demand…
▽ More
Neural Ordinary Differential Equations (ODEs) represent a significant advancement at the intersection of machine learning and dynamical systems, offering a continuous-time analog to discrete neural networks. Despite their promise, deploying neural ODEs in practical applications often encounters the challenge of stiffness, a condition where rapid variations in some components of the solution demand prohibitively small time steps for explicit solvers. This work addresses the stiffness issue when employing neural ODEs for model order reduction by introducing a suitable reparametrization in time. The considered map is data-driven and it is induced by the adaptive time-stepping of an implicit solver on a reference solution. We show the map produces a nonstiff system that can be cheaply solved with an explicit time integration scheme. The original, stiff, time dynamic is recovered by means of a map learnt by a neural network that connects the state space to the time reparametrization. We validate our method through extensive experiments, demonstrating improvements in efficiency for the neural ODE inference while maintaining robustness and accuracy. The neural network model also showcases good generalization properties for times beyond the training data.
△ Less
Submitted 12 August, 2024;
originally announced August 2024.
-
Galerkin Neural Network-POD for Acoustic and Electromagnetic Wave Propagation in Parametric Domains
Authors:
Philipp Weder,
Mariella Kast,
Fernando Henríquez,
Jan S. Hesthaven
Abstract:
We investigate reduced-order models for acoustic and electromagnetic wave problems in parametrically defined domains. The parameter-to-solution maps are approximated following the so-called Galerkin POD-NN method, which combines the construction of a reduced basis via proper orthogonal decomposition (POD) with neural networks (NNs). As opposed to the standard reduced basis method, this approach al…
▽ More
We investigate reduced-order models for acoustic and electromagnetic wave problems in parametrically defined domains. The parameter-to-solution maps are approximated following the so-called Galerkin POD-NN method, which combines the construction of a reduced basis via proper orthogonal decomposition (POD) with neural networks (NNs). As opposed to the standard reduced basis method, this approach allows for the swift and efficient evaluation of reduced-order solutions for any given parametric input.
As is customary in the analysis of problems in random or parametrically defined domains, we start by transporting the formulation to a reference domain. This yields a parameter-dependent variational problem set on parameter-independent functional spaces. In particular, we consider affine-parametric domain transformations characterized by a high-dimensional, possibly countably infinite, parametric input. To keep the number of evaluations of the high-fidelity solutions manageable, we propose using low-discrepancy sequences to sample the parameter space efficiently. Then, we train an NN to learn the coefficients in the reduced representation. This approach completely decouples the offline and online stages of the reduced basis paradigm.
Numerical results for the three-dimensional Helmholtz and Maxwell equations confirm the method's accuracy up to a certain barrier and show significant gains in online speed-up compared to the traditional Galerkin POD method.
△ Less
Submitted 19 June, 2024;
originally announced June 2024.
-
GFN: A graph feedforward network for resolution-invariant reduced operator learning in multifidelity applications
Authors:
Oisín M. Morrison,
Federico Pichi,
Jan S. Hesthaven
Abstract:
This work presents a novel resolution-invariant model order reduction strategy for multifidelity applications. We base our architecture on a novel neural network layer developed in this work, the graph feedforward network, which extends the concept of feedforward networks to graph-structured data by creating a direct link between the weights of a neural network and the nodes of a mesh, enhancing t…
▽ More
This work presents a novel resolution-invariant model order reduction strategy for multifidelity applications. We base our architecture on a novel neural network layer developed in this work, the graph feedforward network, which extends the concept of feedforward networks to graph-structured data by creating a direct link between the weights of a neural network and the nodes of a mesh, enhancing the interpretability of the network. We exploit the method's capability of training and testing on different mesh sizes in an autoencoder-based reduction strategy for parametrised partial differential equations. We show that this extension comes with provable guarantees on the performance via error bounds. The capabilities of the proposed methodology are tested on three challenging benchmarks, including advection-dominated phenomena and problems with a high-dimensional parameter space. The method results in a more lightweight and highly flexible strategy when compared to state-of-the-art models, while showing excellent generalisation performance in both single fidelity and multifidelity scenarios.
△ Less
Submitted 5 June, 2024;
originally announced June 2024.
-
Neural empirical interpolation method for nonlinear model reduction
Authors:
Max Hirsch,
Federico Pichi,
Jan S. Hesthaven
Abstract:
In this paper, we introduce the neural empirical interpolation method (NEIM), a neural network-based alternative to the discrete empirical interpolation method for reducing the time complexity of computing the nonlinear term in a reduced order model (ROM) for a parameterized nonlinear partial differential equation. NEIM is a greedy algorithm which accomplishes this reduction by approximating an af…
▽ More
In this paper, we introduce the neural empirical interpolation method (NEIM), a neural network-based alternative to the discrete empirical interpolation method for reducing the time complexity of computing the nonlinear term in a reduced order model (ROM) for a parameterized nonlinear partial differential equation. NEIM is a greedy algorithm which accomplishes this reduction by approximating an affine decomposition of the nonlinear term of the ROM, where the vector terms of the expansion are given by neural networks depending on the ROM solution, and the coefficients are given by an interpolation of some "optimal" coefficients. Because NEIM is based on a greedy strategy, we are able to provide a basic error analysis to investigate its performance. NEIM has the advantages of being easy to implement in models with automatic differentiation, of being a nonlinear projection of the ROM nonlinearity, of being efficient for both nonlocal and local nonlinearities, and of relying solely on data and not the explicit form of the ROM nonlinearity. We demonstrate the effectiveness of the methodology on solution-dependent and solution-independent nonlinearities, a nonlinear elliptic problem, and a nonlinear parabolic model of liquid crystals.
Code availability: https://github.com/maxhirsch/NEIM
△ Less
Submitted 11 May, 2025; v1 submitted 5 June, 2024;
originally announced June 2024.
-
Fast Numerical Approximation of Linear, Second-Order Hyperbolic Problems Using Model Order Reduction and the Laplace Transform
Authors:
Fernando Henriquez,
Jan S. Hesthaven
Abstract:
We extend our previous work [F. Henríquez and J. S. Hesthaven, arXiv:2403.02847 (2024)] to the linear, second-order wave equation in bounded domains. This technique, referred to as the Laplace Transform Reduced Basis (LT-RB) method, uses two widely known mathematical tools to construct a fast and efficient method for the solution of linear, time-dependent problems: The Laplace transform and the Re…
▽ More
We extend our previous work [F. Henríquez and J. S. Hesthaven, arXiv:2403.02847 (2024)] to the linear, second-order wave equation in bounded domains. This technique, referred to as the Laplace Transform Reduced Basis (LT-RB) method, uses two widely known mathematical tools to construct a fast and efficient method for the solution of linear, time-dependent problems: The Laplace transform and the Reduced Basis method, hence the name.
The application of the Laplace transform yields a time-independent problem parametrically depending on the Laplace variable. Following the two-phase paradigm of the RB method, firstly in an offline stage we sample the Laplace parameter, compute the full-order or high-fidelity solution, and then resort to a Proper Orthogonal Decomposition (POD) to extract a basis of reduced dimension. Then, in an online phase, we project the time-dependent problem onto this basis and proceed to solve the evolution problem using any suitable time-stepping method. We prove exponential convergence of the reduced solution computed by the LT-RB method toward the high-fidelity one as the dimension of the reduced space increases.
Finally, we present a set of numerical experiments portraying the performance of the method in terms of accuracy and, in particular, speed-up when compared to the full-order model.
△ Less
Submitted 30 May, 2024;
originally announced May 2024.
-
Deep orthogonal decomposition: a continuously adaptive data-driven approach to model order reduction
Authors:
Nicola Rares Franco,
Andrea Manzoni,
Paolo Zunino,
Jan S. Hesthaven
Abstract:
We develop a novel deep learning technique, termed Deep Orthogonal Decomposition (DOD), for dimensionality reduction and reduced order modeling of parameter dependent partial differential equations. The approach consists in the construction of a deep neural network model that approximates the solution manifold through a continuously adaptive local basis. In contrast to global methods, such as Prin…
▽ More
We develop a novel deep learning technique, termed Deep Orthogonal Decomposition (DOD), for dimensionality reduction and reduced order modeling of parameter dependent partial differential equations. The approach consists in the construction of a deep neural network model that approximates the solution manifold through a continuously adaptive local basis. In contrast to global methods, such as Principal Orthogonal Decomposition (POD), the adaptivity allows the DOD to overcome the Kolmogorov barrier, making the approach applicable to a wide spectrum of parametric problems. Furthermore, due to its hybrid linear-nonlinear nature, the DOD can accommodate both intrusive and nonintrusive techniques, providing highly interpretable latent representations and tighter control on error propagation. For this reason, the proposed approach stands out as a valuable alternative to other nonlinear techniques, such as deep autoencoders. The methodology is discussed both theoretically and practically, evaluating its performances on problems featuring nonlinear PDEs, singularities, and parametrized geometries.
△ Less
Submitted 14 May, 2024; v1 submitted 29 April, 2024;
originally announced April 2024.
-
Fast Numerical Approximation of Parabolic Problems Using Model Order Reduction and the Laplace Transform
Authors:
Fernando Henríquez,
Jan S. Hesthaven
Abstract:
We introduce a novel, fast method for the numerical approximation of parabolic partial differential equations (PDEs for short) based on model order reduction techniques and the Laplace transform. We start by applying said transform to the evolution problem, thus yielding a time-independent boundary value problem solely depending on the complex Laplace parameter. In an offline stage, we judiciously…
▽ More
We introduce a novel, fast method for the numerical approximation of parabolic partial differential equations (PDEs for short) based on model order reduction techniques and the Laplace transform. We start by applying said transform to the evolution problem, thus yielding a time-independent boundary value problem solely depending on the complex Laplace parameter. In an offline stage, we judiciously sample the Laplace parameter and numerically solve the corresponding collection of high-fidelity or full-order problems. Next, we apply a proper orthogonal decomposition (POD) to this collection of solutions in order to obtain a reduced basis in the Laplace domain. We project the linear parabolic problem onto this basis, and then using any suitable time-stepping method, we solve the evolution problem. A key insight to justify the implementation and analysis of the proposed method corresponds to resorting to Hardy spaces of analytic functions and establishing, through the Paley-Wiener theorem, an isometry between the solution of the time-dependent problem and its Laplace transform. As a result, one may conclude that computing a POD with samples taken in the Laplace domain produces an exponentially accurate reduced basis for the time-dependent problem. Numerical experiments portray the performance of the method in terms of accuracy and, in particular, speed-up when compared to the solution obtained by solving the full-order model.
△ Less
Submitted 28 November, 2024; v1 submitted 5 March, 2024;
originally announced March 2024.
-
Perfectly matched layers for the Boltzmann equation: stability and sensitivity analysis
Authors:
Marco Sutti,
Jan S. Hesthaven
Abstract:
We study the stability and sensitivity of an absorbing layer for the Boltzmann equation by examining the Bhatnagar-Gross-Krook (BGK) approximation and using the perfectly matched layer (PML) technique. To ensure stability, we discard some parameters in the model and calculate the total sensitivity indices of the remaining parameters using the ANOVA expansion of multivariate functions. We conduct e…
▽ More
We study the stability and sensitivity of an absorbing layer for the Boltzmann equation by examining the Bhatnagar-Gross-Krook (BGK) approximation and using the perfectly matched layer (PML) technique. To ensure stability, we discard some parameters in the model and calculate the total sensitivity indices of the remaining parameters using the ANOVA expansion of multivariate functions. We conduct extensive numerical experiments on two test cases to study stability and compute the total sensitivity indices, which allow us to identify the essential parameters of the model.
△ Less
Submitted 29 April, 2024; v1 submitted 5 December, 2023;
originally announced December 2023.
-
Positional Embeddings for Solving PDEs with Evolutional Deep Neural Networks
Authors:
Mariella Kast,
Jan S Hesthaven
Abstract:
This work extends the paradigm of evolutional deep neural networks (EDNNs) to solving parametric time-dependent partial differential equations (PDEs) on domains with geometric structure. By introducing positional embeddings based on eigenfunctions of the Laplace-Beltrami operator, geometric properties are encoded intrinsically and Dirichlet, Neumann and periodic boundary conditions of the PDE solu…
▽ More
This work extends the paradigm of evolutional deep neural networks (EDNNs) to solving parametric time-dependent partial differential equations (PDEs) on domains with geometric structure. By introducing positional embeddings based on eigenfunctions of the Laplace-Beltrami operator, geometric properties are encoded intrinsically and Dirichlet, Neumann and periodic boundary conditions of the PDE solution are enforced directly through the neural network architecture. The proposed embeddings lead to improved error convergence for static PDEs and extend EDNNs towards computational domains of realistic complexity. Several steps are taken to improve performance of EDNNs: Solving the EDNN update equation with a Krylov solver avoids the explicit assembly of Jacobians and enables scaling to larger neural networks. Computational efficiency is further improved by an ad-hoc active sampling scheme that uses the PDE dynamics to effectively sample collocation points. A modified linearly implicit Rosenbrock method is proposed to alleviate the time step requirements of stiff PDEs. Lastly, a completely training-free approach, which automatically enforces initial conditions and only requires time integration, is compared against EDNNs that are trained on the initial conditions. We report results for the Korteweg-de Vries equation, a nonlinear heat equation and (nonlinear) advection-diffusion problems on domains with and without holes and various boundary conditions, to demonstrate the effectiveness of the method. The numerical results highlight EDNNs as a promising surrogate model for parametrized PDEs with slow decaying Kolmogorov n-width.
△ Less
Submitted 7 August, 2023;
originally announced August 2023.
-
Machine learning enhanced real-time aerodynamic forces prediction based on sparse pressure sensor inputs
Authors:
Junming Duan,
Qian Wang,
Jan S. Hesthaven
Abstract:
Accurate prediction of aerodynamic forces in real-time is crucial for autonomous navigation of unmanned aerial vehicles (UAVs). This paper presents a data-driven aerodynamic force prediction model based on a small number of pressure sensors located on the surface of UAV. The model is built on a linear term that can make a reasonably accurate prediction and a nonlinear correction for accuracy impro…
▽ More
Accurate prediction of aerodynamic forces in real-time is crucial for autonomous navigation of unmanned aerial vehicles (UAVs). This paper presents a data-driven aerodynamic force prediction model based on a small number of pressure sensors located on the surface of UAV. The model is built on a linear term that can make a reasonably accurate prediction and a nonlinear correction for accuracy improvement. The linear term is based on a reduced basis reconstruction of the surface pressure distribution, where the basis is extracted from numerical simulation data and the basis coefficients are determined by solving linear pressure reconstruction equations at a set of sensor locations. Sensor placement is optimized using the discrete empirical interpolation method (DEIM). Aerodynamic forces are computed by integrating the reconstructed surface pressure distribution. The nonlinear term is an artificial neural network (NN) that is trained to bridge the gap between the ground truth and the DEIM prediction, especially in the scenario where the DEIM model is constructed from simulation data with limited fidelity. A large network is not necessary for accurate correction as the linear model already captures the main dynamics of the surface pressure field, thus yielding an efficient DEIM+NN aerodynamic force prediction model. The model is tested on numerical and experimental dynamic stall data of a 2D NACA0015 airfoil, and numerical simulation data of dynamic stall of a 3D drone. Numerical results demonstrate that the machine learning enhanced model can make fast and accurate predictions of aerodynamic forces using only a few pressure sensors, even for the NACA0015 case in which the simulations do not agree well with the wind tunnel experiments. Furthermore, the model is robust to noise.
△ Less
Submitted 16 May, 2023;
originally announced May 2023.
-
A graph convolutional autoencoder approach to model order reduction for parametrized PDEs
Authors:
Federico Pichi,
Beatriz Moya,
Jan S. Hesthaven
Abstract:
The present work proposes a framework for nonlinear model order reduction based on a Graph Convolutional Autoencoder (GCA-ROM). In the reduced order modeling (ROM) context, one is interested in obtaining real-time and many-query evaluations of parametric Partial Differential Equations (PDEs). Linear techniques such as Proper Orthogonal Decomposition (POD) and Greedy algorithms have been analyzed t…
▽ More
The present work proposes a framework for nonlinear model order reduction based on a Graph Convolutional Autoencoder (GCA-ROM). In the reduced order modeling (ROM) context, one is interested in obtaining real-time and many-query evaluations of parametric Partial Differential Equations (PDEs). Linear techniques such as Proper Orthogonal Decomposition (POD) and Greedy algorithms have been analyzed thoroughly, but they are more suitable when dealing with linear and affine models showing a fast decay of the Kolmogorov n-width. On one hand, the autoencoder architecture represents a nonlinear generalization of the POD compression procedure, allowing one to encode the main information in a latent set of variables while extracting their main features. On the other hand, Graph Neural Networks (GNNs) constitute a natural framework for studying PDE solutions defined on unstructured meshes. Here, we develop a non-intrusive and data-driven nonlinear reduction approach, exploiting GNNs to encode the reduced manifold and enable fast evaluations of parametrized PDEs. We show the capabilities of the methodology for several models: linear/nonlinear and scalar/vector problems with fast/slow decay in the physically and geometrically parametrized setting. The main properties of our approach consist of (i) high generalizability in the low-data regime even for complex regimes, (ii) physical compliance with general unstructured grids, and (iii) exploitation of pooling and un-pooling operations to learn from scattered data.
△ Less
Submitted 7 November, 2023; v1 submitted 15 May, 2023;
originally announced May 2023.
-
Non-intrusive data-driven reduced-order modeling for time-dependent parametrized problems
Authors:
Junming Duan,
Jan S. Hesthaven
Abstract:
Reduced-order models are indispensable for multi-query or real-time problems. However, there are still many challenges to constructing efficient ROMs for time-dependent parametrized problems. Using a linear reduced space is inefficient for time-dependent nonlinear problems, especially for transport-dominated problems. The non-linearity usually needs to be addressed by hyper-reduction techniques, s…
▽ More
Reduced-order models are indispensable for multi-query or real-time problems. However, there are still many challenges to constructing efficient ROMs for time-dependent parametrized problems. Using a linear reduced space is inefficient for time-dependent nonlinear problems, especially for transport-dominated problems. The non-linearity usually needs to be addressed by hyper-reduction techniques, such as DEIM, but it is intrusive and relies on the assumption of affine dependence of parameters. This paper proposes and studies a non-intrusive reduced-order modeling approach for time-dependent parametrized problems. It is purely data-driven and naturally split into offline and online stages. During the offline stage, a convolutional autoencoder, consisting of an encoder and a decoder, is trained to perform dimensionality reduction. The encoder compresses the full-order solution snapshots to a nonlinear manifold or a low-dimensional reduced/latent space. The decoder allows the recovery of the full-order solution from the latent space. To deal with the time-dependent problems, a high-order dynamic mode decomposition (HODMD) is utilized to model the trajectories in the latent space for each parameter. During the online stage, the HODMD models are first utilized to obtain the latent variables at a new time, then interpolation techniques are adopted to recover the latent variables at a new parameter value, and the full-order solution is recovered by the decoder. Some numerical tests are conducted to show that the approach can be used to predict the unseen full-order solution at new times and parameter values fast and accurately, including transport-dominated problems.
△ Less
Submitted 6 March, 2023;
originally announced March 2023.
-
A new variable shape parameter strategy for RBF approximation using neural networks
Authors:
Fatemeh Nassajian Mojarrad,
Maria Han Veiga,
Jan S. Hesthaven,
Philipp Öffner
Abstract:
The choice of the shape parameter highly effects the behaviour of radial basis function (RBF) approximations, as it needs to be selected to balance between ill-condition of the interpolation matrix and high accuracy. In this paper, we demonstrate how to use neural networks to determine the shape parameters in RBFs. In particular, we construct a multilayer perceptron trained using an unsupervised l…
▽ More
The choice of the shape parameter highly effects the behaviour of radial basis function (RBF) approximations, as it needs to be selected to balance between ill-condition of the interpolation matrix and high accuracy. In this paper, we demonstrate how to use neural networks to determine the shape parameters in RBFs. In particular, we construct a multilayer perceptron trained using an unsupervised learning strategy, and use it to predict shape parameters for inverse multiquadric and Gaussian kernels. We test the neural network approach in RBF interpolation tasks and in a RBF-finite difference method in one and two-space dimensions, demonstrating promising results.
△ Less
Submitted 25 June, 2024; v1 submitted 30 October, 2022;
originally announced October 2022.
-
Multi-fidelity surrogate modeling using long short-term memory networks
Authors:
Paolo Conti,
Mengwu Guo,
Andrea Manzoni,
Jan S. Hesthaven
Abstract:
When evaluating quantities of interest that depend on the solutions to differential equations, we inevitably face the trade-off between accuracy and efficiency. Especially for parametrized, time dependent problems in engineering computations, it is often the case that acceptable computational budgets limit the availability of high-fidelity, accurate simulation data. Multi-fidelity surrogate modeli…
▽ More
When evaluating quantities of interest that depend on the solutions to differential equations, we inevitably face the trade-off between accuracy and efficiency. Especially for parametrized, time dependent problems in engineering computations, it is often the case that acceptable computational budgets limit the availability of high-fidelity, accurate simulation data. Multi-fidelity surrogate modeling has emerged as an effective strategy to overcome this difficulty. Its key idea is to leverage many low-fidelity simulation data, less accurate but much faster to compute, to improve the approximations with limited high-fidelity data. In this work, we introduce a novel data-driven framework of multi-fidelity surrogate modeling for parametrized, time-dependent problems using long short-term memory (LSTM) networks, to enhance output predictions both for unseen parameter values and forward in time simultaneously - a task known to be particularly challenging for data-driven models. We demonstrate the wide applicability of the proposed approaches in a variety of engineering problems with high- and low-fidelity data generated through fine versus coarse meshes, small versus large time steps, or finite element full-order versus deep learning reduced-order models. Numerical results show that the proposed multi-fidelity LSTM networks not only improve single-fidelity regression significantly, but also outperform the multi-fidelity models based on feed-forward neural networks.
△ Less
Submitted 9 November, 2022; v1 submitted 5 August, 2022;
originally announced August 2022.
-
Adaptive symplectic model order reduction of parametric particle-based Vlasov-Poisson equation
Authors:
Jan S. Hesthaven,
Cecilia Pagliantini,
Nicolò Ripamonti
Abstract:
High-resolution simulations of particle-based kinetic plasma models typically require a high number of particles and thus often become computationally intractable. This is exacerbated in multi-query simulations, where the problem depends on a set of parameters. In this work, we derive reduced order models for the semi-discrete Hamiltonian system resulting from a geometric particle-in-cell approxim…
▽ More
High-resolution simulations of particle-based kinetic plasma models typically require a high number of particles and thus often become computationally intractable. This is exacerbated in multi-query simulations, where the problem depends on a set of parameters. In this work, we derive reduced order models for the semi-discrete Hamiltonian system resulting from a geometric particle-in-cell approximation of the parametric Vlasov-Poisson equations. Since the problem's non-dissipative and highly nonlinear nature makes it reducible only locally in time, we adopt a nonlinear reduced basis approach where the reduced phase space evolves in time. This strategy allows a significant reduction in the number of simulated particles, but the evaluation of the nonlinear operators associated with the Vlasov-Poisson coupling remains computationally expensive. We propose a novel reduction of the nonlinear terms that combines adaptive parameter sampling and hyper-reduction techniques to address this. The proposed approach allows decoupling the operations having a cost dependent on the number of particles from those that depend on the instances of the required parameters. In particular, in each time step, the electric potential is approximated via dynamic mode decomposition (DMD) and the particle-to-grid map via a discrete empirical interpolation method (DEIM). These approximations are constructed from data obtained from a past temporal window at a few selected values of the parameters to guarantee a computationally efficient adaptation. The resulting DMD-DEIM reduced dynamical system retains the Hamiltonian structure of the full model, provides good approximations of the solution, and can be solved at a reduced computational cost.
△ Less
Submitted 7 July, 2023; v1 submitted 14 January, 2022;
originally announced January 2022.
-
FC-based shock-dynamics solver with neural-network localized artificial-viscosity assignment
Authors:
Oscar P. Bruno,
Jan S. Hesthaven,
Daniel V. Leibovici
Abstract:
This paper presents a spectral scheme for the numerical solution of nonlinear conservation laws in non-periodic domains under arbitrary boundary conditions. The approach relies on the use of the Fourier Continuation (FC) method for spectral representation of non-periodic functions in conjunction with smooth localized artificial viscosity assignments produced by means of a Shock-Detecting Neural Ne…
▽ More
This paper presents a spectral scheme for the numerical solution of nonlinear conservation laws in non-periodic domains under arbitrary boundary conditions. The approach relies on the use of the Fourier Continuation (FC) method for spectral representation of non-periodic functions in conjunction with smooth localized artificial viscosity assignments produced by means of a Shock-Detecting Neural Network (SDNN). Like previous shock capturing schemes and artificial viscosity techniques, the combined FC-SDNN strategy effectively controls spurious oscillations in the proximity of discontinuities. Thanks to its use of a localized but smooth artificial viscosity term, whose support is restricted to a vicinity of flow-discontinuity points, the algorithm enjoys spectral accuracy and low dissipation away from flow discontinuities, and, in such regions, it produces smooth numerical solutions -- as evidenced by an essential absence of spurious oscillations in level set lines. The FC-SDNN viscosity assignment, which does not require use of problem-dependent algorithmic parameters, induces a significantly lower overall dissipation than other methods, including the Fourier-spectral versions of the previous entropy viscosity method. The character of the proposed algorithm is illustrated with a variety of numerical results for the linear advection, Burgers and Euler equations in one and two-dimensional non-periodic spatial domains.
△ Less
Submitted 1 November, 2021;
originally announced November 2021.
-
Structure-preserving model order reduction of Hamiltonian systems
Authors:
J. S. Hesthaven,
C. Pagliantini,
N. Ripamonti
Abstract:
We discuss the recent developments of projection-based model order reduction (MOR) techniques targeting Hamiltonian problems. Hamilton's principle completely characterizes many high-dimensional models in mathematical physics, resulting in rich geometric structures, with examples in fluid dynamics, quantum mechanics, optical systems, and epidemiological models. MOR reduces the computational burden…
▽ More
We discuss the recent developments of projection-based model order reduction (MOR) techniques targeting Hamiltonian problems. Hamilton's principle completely characterizes many high-dimensional models in mathematical physics, resulting in rich geometric structures, with examples in fluid dynamics, quantum mechanics, optical systems, and epidemiological models. MOR reduces the computational burden associated with the approximation of complex systems by introducing low-dimensional surrogate models, enabling efficient multi-query numerical simulations. However, standard reduction approaches do not guarantee the conservation of the delicate dynamics of Hamiltonian problems, resulting in reduced models plagued by instability or accuracy loss over time. By approaching the reduction process from the geometric perspective of symplectic manifolds, the resulting reduced models inherit stability and conservation properties of the high-dimensional formulations. We first introduce the general principles of symplectic geometry, including symplectic vector spaces, Darboux' theorem, and Hamiltonian vector fields. These notions are then used as a starting point to develop different structure-preserving reduced basis (RB) algorithms, including SVD-based approaches and greedy techniques. We conclude the review by addressing the reduction of problems that are not linearly reducible or in a non-canonical Hamiltonian form.
△ Less
Submitted 25 September, 2021;
originally announced September 2021.
-
An artificial neural network approach to bifurcating phenomena in computational fluid dynamics
Authors:
Federico Pichi,
Francesco Ballarin,
Gianluigi Rozza,
Jan S. Hesthaven
Abstract:
This work deals with the investigation of bifurcating fluid phenomena using a reduced order modelling setting aided by artificial neural networks. We discuss the POD-NN approach dealing with non-smooth solutions set of nonlinear parametrized PDEs. Thus, we study the Navier-Stokes equations describing: (i) the Coanda effect in a channel, and (ii) the lid driven triangular cavity flow, in a physical…
▽ More
This work deals with the investigation of bifurcating fluid phenomena using a reduced order modelling setting aided by artificial neural networks. We discuss the POD-NN approach dealing with non-smooth solutions set of nonlinear parametrized PDEs. Thus, we study the Navier-Stokes equations describing: (i) the Coanda effect in a channel, and (ii) the lid driven triangular cavity flow, in a physical/geometrical multi-parametrized setting, considering the effects of the domain's configuration on the position of the bifurcation points. Finally, we propose a reduced manifold-based bifurcation diagram for a non-intrusive recovery of the critical points evolution. Exploiting such detection tool, we are able to efficiently obtain information about the pattern flow behaviour, from symmetry breaking profiles to attaching/spreading vortices, even at high Reynolds numbers.
△ Less
Submitted 22 September, 2021;
originally announced September 2021.
-
A hierarchical preconditioner for wave problems in quasilinear complexity
Authors:
Boris Bonev,
Jan S. Hesthaven
Abstract:
The paper introduces a novel, hierarchical preconditioner based on nested dissection and hierarchical matrix compression. The preconditioner is intended for continuous and discontinuous Galerkin formulations of elliptic problems. We exploit the property that Schur complements arising in such problems can be well approximated by hierarchical matrices. An approximate factorization can be computed ma…
▽ More
The paper introduces a novel, hierarchical preconditioner based on nested dissection and hierarchical matrix compression. The preconditioner is intended for continuous and discontinuous Galerkin formulations of elliptic problems. We exploit the property that Schur complements arising in such problems can be well approximated by hierarchical matrices. An approximate factorization can be computed matrix-free and in a (quasi-)linear number of operations. The nested dissection is specifically designed to aid the factorization process using hierarchical matrices. We demonstrate the viability of the preconditioner on a range of 2D problems, including the Helmholtz equation and the elastic wave equation. Throughout all tests, including wave phenomena with high wavenumbers, the generalized minimal residual method (GMRES) with the proposed preconditioner converges in a very low number of iterations. We demonstrate that this is due to the hierarchical nature of our approach which makes the high wavenumber limit manageable.
△ Less
Submitted 17 May, 2021;
originally announced May 2021.
-
Discovery of slow variables in a class of multiscale stochastic systems via neural networks
Authors:
Przemyslaw Zielinski,
Jan S. Hesthaven
Abstract:
Finding a reduction of complex, high-dimensional dynamics to its essential, low-dimensional "heart" remains a challenging yet necessary prerequisite for designing efficient numerical approaches. Machine learning methods have the potential to provide a general framework to automatically discover such representations. In this paper, we consider multiscale stochastic systems with local slow-fast time…
▽ More
Finding a reduction of complex, high-dimensional dynamics to its essential, low-dimensional "heart" remains a challenging yet necessary prerequisite for designing efficient numerical approaches. Machine learning methods have the potential to provide a general framework to automatically discover such representations. In this paper, we consider multiscale stochastic systems with local slow-fast time scale separation and propose a new method to encode in an artificial neural network a map that extracts the slow representation from the system. The architecture of the network consists of an encoder-decoder pair that we train in a supervised manner to learn the appropriate low-dimensional embedding in the bottleneck layer. We test the method on a number of examples that illustrate the ability to discover a correct slow representation. Moreover, we provide an error measure to assess the quality of the embedding and demonstrate that pruning the network can pinpoint an essential coordinates of the system to build the slow representation.
△ Less
Submitted 6 May, 2021; v1 submitted 28 April, 2021;
originally announced April 2021.
-
Multi-fidelity regression using artificial neural networks: efficient approximation of parameter-dependent output quantities
Authors:
Mengwu Guo,
Andrea Manzoni,
Maurice Amendt,
Paolo Conti,
Jan S. Hesthaven
Abstract:
Highly accurate numerical or physical experiments are often time-consuming or expensive to obtain. When time or budget restrictions prohibit the generation of additional data, the amount of available samples may be too limited to provide satisfactory model results. Multi-fidelity methods deal with such problems by incorporating information from other sources, which are ideally well-correlated with…
▽ More
Highly accurate numerical or physical experiments are often time-consuming or expensive to obtain. When time or budget restrictions prohibit the generation of additional data, the amount of available samples may be too limited to provide satisfactory model results. Multi-fidelity methods deal with such problems by incorporating information from other sources, which are ideally well-correlated with the high-fidelity data, but can be obtained at a lower cost. By leveraging correlations between different data sets, multi-fidelity methods often yield superior generalization when compared to models based solely on a small amount of high-fidelity data. In this work, we present the use of artificial neural networks applied to multi-fidelity regression problems. By elaborating a few existing approaches, we propose new neural network architectures for multi-fidelity regression. The introduced models are compared against a traditional multi-fidelity scheme, co-kriging. A collection of artificial benchmarks are presented to measure the performance of the analyzed models. The results show that cross-validation in combination with Bayesian optimization consistently leads to neural network models that outperform the co-kriging scheme. Additionally, we show an application of multi-fidelity regression to an engineering problem. The propagation of a pressure wave into an acoustic horn with parametrized shape and frequency is considered, and the index of reflection intensity is approximated using the multi-fidelity models. A finite element model and a reduced basis model are adopted as the high- and low-fidelity, respectively. It is shown that the multi-fidelity neural network returns outputs that achieve a comparable accuracy to those from the expensive, full-order model, using only very few full-order evaluations combined with a larger amount of inaccurate but cheap evaluations of a reduced order model.
△ Less
Submitted 26 February, 2021;
originally announced February 2021.
-
Rank-adaptive structure-preserving model order reduction of Hamiltonian systems
Authors:
Jan S. Hesthaven,
Cecilia Pagliantini,
Nicolò Ripamonti
Abstract:
This work proposes an adaptive structure-preserving model order reduction method for finite-dimensional parametrized Hamiltonian systems modeling non-dissipative phenomena. To overcome the slowly decaying Kolmogorov width typical of transport problems, the full model is approximated on local reduced spaces that are adapted in time using dynamical low-rank approximation techniques. The reduced dyna…
▽ More
This work proposes an adaptive structure-preserving model order reduction method for finite-dimensional parametrized Hamiltonian systems modeling non-dissipative phenomena. To overcome the slowly decaying Kolmogorov width typical of transport problems, the full model is approximated on local reduced spaces that are adapted in time using dynamical low-rank approximation techniques. The reduced dynamics is prescribed by approximating the symplectic projection of the Hamiltonian vector field in the tangent space to the local reduced space. This ensures that the canonical symplectic structure of the Hamiltonian dynamics is preserved during the reduction. In addition, accurate approximations with low-rank reduced solutions are obtained by allowing the dimension of the reduced space to change during the time evolution. Whenever the quality of the reduced solution, assessed via an error indicator, is not satisfactory, the reduced basis is augmented in the parameter direction that is worst approximated by the current basis. Extensive numerical tests involving wave interactions, nonlinear transport problems, and the Vlasov equation demonstrate the superior stability properties and considerable runtime speedups of the proposed method as compared to global and traditional reduced basis approaches.
△ Less
Submitted 1 February, 2022; v1 submitted 26 July, 2020;
originally announced July 2020.
-
Constraint-Aware Neural Networks for Riemann Problems
Authors:
Jim Magiera,
Deep Ray,
Jan S. Hesthaven,
Christian Rohde
Abstract:
Neural networks are increasingly used in complex (data-driven) simulations as surrogates or for accelerating the computation of classical surrogates. In many applications physical constraints, such as mass or energy conservation, must be satisfied to obtain reliable results. However, standard machine learning algorithms are generally not tailored to respect such constraints. We propose two differe…
▽ More
Neural networks are increasingly used in complex (data-driven) simulations as surrogates or for accelerating the computation of classical surrogates. In many applications physical constraints, such as mass or energy conservation, must be satisfied to obtain reliable results. However, standard machine learning algorithms are generally not tailored to respect such constraints. We propose two different strategies to generate constraint-aware neural networks. We test their performance in the context of front-capturing schemes for strongly nonlinear wave motion in compressible fluid flow. Precisely, in this context so-called Riemann problems have to be solved as surrogates. Their solution describes the local dynamics of the captured wave front in numerical simulations. Three model problems are considered: a cubic flux model problem, an isothermal two-phase flow model, and the Euler equations. We demonstrate that a decrease in the constraint deviation correlates with low discretization errors for all model problems, in addition to the structural advantage of fulfilling the constraint.
△ Less
Submitted 29 April, 2019;
originally announced April 2019.
-
Discontinuous Galerkin Discretizations of the Boltzmann Equations in 2D: semi-analytic time stepping and absorbing boundary layers
Authors:
A. Karakus,
N. Chalmers,
J. S. Hesthaven,
T. Warburton
Abstract:
We present an efficient nodal discontinuous Galerkin method for approximating nearly incompressible flows using the Boltzmann equations. The equations are discretized with Hermite polynomials in velocity space yielding a first order conservation law. A stabilized unsplit perfectly matching layer (PML) formulation is introduced for the resulting nonlinear flow equations. The proposed PML equations…
▽ More
We present an efficient nodal discontinuous Galerkin method for approximating nearly incompressible flows using the Boltzmann equations. The equations are discretized with Hermite polynomials in velocity space yielding a first order conservation law. A stabilized unsplit perfectly matching layer (PML) formulation is introduced for the resulting nonlinear flow equations. The proposed PML equations exponentially absorb the difference between the nonlinear fluctuation and the prescribed mean flow. We introduce semi-analytic time discretization methods to improve the time step restrictions in small relaxation times. We also introduce a multirate semi-analytic Adams-Bashforth method which preserves efficiency in stiff regimes. Accuracy and performance of the method are tested using distinct cases including isothermal vortex, flow around square cylinder, and wall mounted square cylinder test cases.
△ Less
Submitted 5 May, 2018;
originally announced May 2018.
-
Symplectic Model-Reduction with a Weighted Inner Product
Authors:
Babak Maboudi Afkham,
Ashish Bhatt,
Bernard Haasdonk,
Jan S. Hesthaven
Abstract:
In the recent years, considerable attention has been paid to preserving structures and invariants in reduced basis methods, in order to enhance the stability and robustness of the reduced system. In the context of Hamiltonian systems, symplectic model reduction seeks to construct a reduced system that preserves the symplectic symmetry of Hamiltonian systems. However, symplectic methods are based o…
▽ More
In the recent years, considerable attention has been paid to preserving structures and invariants in reduced basis methods, in order to enhance the stability and robustness of the reduced system. In the context of Hamiltonian systems, symplectic model reduction seeks to construct a reduced system that preserves the symplectic symmetry of Hamiltonian systems. However, symplectic methods are based on the standard Euclidean inner products and are not suitable for problems equipped with a more general inner product. In this paper, we generalize symplectic model reduction to allow for the norms and inner products that are most appropriate to the problem while preserving the symplectic symmetry of the Hamiltonian systems. To construct a reduced basis and accelerate the evaluation of nonlinear terms, a greedy generation of a symplectic basis is proposed. Furthermore, it is shown that the greedy approach yields a norm-bounded reduced basis. The accuracy and the stability of this model reduction technique are illustrated through the development of reduced models for a vibrating elastic beam and the sine-Gordon equation.
△ Less
Submitted 21 March, 2018;
originally announced March 2018.
-
Structure-Preserving Model-Reduction of Dissipative Hamiltonian Systems
Authors:
Babak Maboudi Afkham,
Jan S. Hesthaven
Abstract:
Reduced basis methods are popular for approximately solving large and complex systems of differential equations. However, conventional reduced basis methods do not generally preserve conservation laws and symmetries of the full order model. Here, we present an approach for reduced model construction, that preserves the symplectic symmetry of dissipative Hamiltonian systems. The method constructs a…
▽ More
Reduced basis methods are popular for approximately solving large and complex systems of differential equations. However, conventional reduced basis methods do not generally preserve conservation laws and symmetries of the full order model. Here, we present an approach for reduced model construction, that preserves the symplectic symmetry of dissipative Hamiltonian systems. The method constructs a closed reduced Hamiltonian system by coupling the full model with a canonical heat bath. This allows the reduced system to be integrated with a symplectic integrator, resulting in a correct dissipation of energy, preservation of the total energy and, ultimately, in the stability of the solution. Accuracy and stability of the method are illustrated through the numerical simulation of the dissipative wave equation and a port-Hamiltonian model of an electric circuit.
△ Less
Submitted 1 May, 2017;
originally announced May 2017.
-
Structure Preserving Model Reduction of Parametric Hamiltonian Systems
Authors:
Babak Maboudi Afkham,
Jan S. Hesthaven
Abstract:
While reduced-order models (ROMs) have been popular for efficiently solving large systems of differential equations, the stability of reduced models over long-time integration is of present challenges. We present a greedy approach for ROM generation of parametric Hamiltonian systems that captures the symplectic structure of Hamiltonian systems to ensure stability of the reduced model. Through the…
▽ More
While reduced-order models (ROMs) have been popular for efficiently solving large systems of differential equations, the stability of reduced models over long-time integration is of present challenges. We present a greedy approach for ROM generation of parametric Hamiltonian systems that captures the symplectic structure of Hamiltonian systems to ensure stability of the reduced model. Through the greedy selection of basis vectors, two new vectors are added at each iteration to the linear vector space to increase the accuracy of the reduced basis. We use the error in the Hamiltonian due to model reduction as an error indicator to search the parameter space and identify the next best basis vectors. Under natural assumptions on the set of all solutions of the Hamiltonian system under variation of the parameters, we show that the greedy algorithm converges with exponential rate. Moreover, we demonstrate that combining the greedy basis with the discrete empirical interpolation method also preserves the symplectic structure. This enables the reduction of the computational cost for nonlinear Hamiltonian systems. The efficiency, accuracy, and stability of this model reduction technique is illustrated through simulations of the parametric wave equation and the parametric Schrodinger equation.
△ Less
Submitted 24 March, 2017;
originally announced March 2017.
-
Characterization of Image Spaces of Riemann-Liouville Fractional Integral Operators on Sobolev Spaces $W^{m,p}(Ω)$
Authors:
Lijing Zhao,
Weihua Deng,
Jan S Hesthaven
Abstract:
Fractional operators are widely used in mathematical models describing abnormal and nonlocal phenomena. Although there are extensive numerical methods for solving the corresponding model problems, theoretical analysis such as the regularity result, or the relationship between the left-side and right-side fractional operators are seldom mentioned. In stead of considering the fractional derivative s…
▽ More
Fractional operators are widely used in mathematical models describing abnormal and nonlocal phenomena. Although there are extensive numerical methods for solving the corresponding model problems, theoretical analysis such as the regularity result, or the relationship between the left-side and right-side fractional operators are seldom mentioned. In stead of considering the fractional derivative spaces, this paper starts from discussing the image spaces of Riemann-Liouville fractional integrals of $L_p(Ω)$ functions, since the fractional derivative operators that often used are all pseudo-differential. Then high regularity situation---the image spaces of Riemann-Liouville fractional integral operators on $W^{m,p}(Ω)$ space are considered. Equivalent characterizations of the defined spaces, as well as of the intersection of the left-side and right-side spaces are given. The behavior of the functions in the defined spaces at both the nearby boundary point/ponits and the points in the domain are demonstrated in a clear way. Besides, tempered fractional operators show to be reciprocal to the corresponding Riemann-Liouville fractional operators, which is expected to make some efforts on theoretical support for relevant numerical methods. Last, we also provide some instructions on how to take advantage of the introduced spaces when numerically solving fractional equations.
△ Less
Submitted 28 June, 2020; v1 submitted 21 March, 2016;
originally announced March 2016.
-
A Preconditioner Based on Low-Rank Approximation of Schur Complements
Authors:
Paolo Gatto,
Jan S. Hesthaven
Abstract:
We introduce a preconditioner based on a hierarchical low-rank compression scheme of Schur complements. The construction is inspired by standard nested dissection, and relies on the assumption that the Schur complements can be approximated, to high precision, by Hierarchically-Semi-Separable matrices. We build the preconditioner as an approximate $LDM^t$ factorization of a given matrix $A$, and no…
▽ More
We introduce a preconditioner based on a hierarchical low-rank compression scheme of Schur complements. The construction is inspired by standard nested dissection, and relies on the assumption that the Schur complements can be approximated, to high precision, by Hierarchically-Semi-Separable matrices. We build the preconditioner as an approximate $LDM^t$ factorization of a given matrix $A$, and no knowledge of $A$ in assembled form is required by the construction. The $LDM^t$ factorization is amenable to fast inversion, and the action of the inverse can be determined fast as well. We investigate the behavior of the preconditioner in the context of DG finite element approximations of elliptic and hyperbolic problems.
△ Less
Submitted 31 August, 2015;
originally announced August 2015.
-
Local discontinuous Galerkin methods for fractional ordinary differential equations
Authors:
Weihua Deng,
Jan S. Hesthaven
Abstract:
This paper discusses the upwinded local discontinuous Galerkin methods for the one-term/multi-term fractional ordinary differential equations (FODEs). The natural upwind choice of the numerical fluxes for the initial value problem for FODEs ensures stability of the methods. The solution can be computed element by element with optimal order of convergence $k+1$ in the $L^2$ norm and superconvergenc…
▽ More
This paper discusses the upwinded local discontinuous Galerkin methods for the one-term/multi-term fractional ordinary differential equations (FODEs). The natural upwind choice of the numerical fluxes for the initial value problem for FODEs ensures stability of the methods. The solution can be computed element by element with optimal order of convergence $k+1$ in the $L^2$ norm and superconvergence of order $k+1+\min\{k,α\}$ at the downwind point of each element. Here $k$ is the degree of the approximation polynomial used in an element and $α$ ($α\in (0,1]$) represents the order of the one-term FODEs. A generalization of this includes problems with classic $m$'th-term FODEs, yielding superconvergence order at downwind point as $k+1+\min\{k,\max\{α,m\}\}$. The underlying mechanism of the superconvergence is discussed and the analysis confirmed through examples, including a discussion of how to use the scheme as an efficient way to evaluate the generalized Mittag-Leffler function and solutions to more generalized FODE's.
△ Less
Submitted 23 March, 2014;
originally announced March 2014.
-
Discontinuous Galerkin method for fractional convection-diffusion equations
Authors:
Q. Xu,
J. S. Hesthaven
Abstract:
We propose a discontinuous Galerkin method for convection-subdiffusion equations with a fractional operator of order $α(1<α<2)$ defined through the fractional Laplacian. The fractional operator of order $α$ is expressed as a composite of first order derivatives and fractional integrals of order $2-α$, and the fractional convection-diffusion problem is expressed as a system of low order differentia…
▽ More
We propose a discontinuous Galerkin method for convection-subdiffusion equations with a fractional operator of order $α(1<α<2)$ defined through the fractional Laplacian. The fractional operator of order $α$ is expressed as a composite of first order derivatives and fractional integrals of order $2-α$, and the fractional convection-diffusion problem is expressed as a system of low order differential/integral equations and a local discontinuous Galerkin method scheme is derived for the equations. We prove stability and optimal order of convergence O($h^{k+1}$) for subdiffusion, and an order of convergence of ${\cal O}(h^{k+1/2})$ is established for the general fractional convection-diffusion problem. The analysis is confirmed by numerical examples.
△ Less
Submitted 22 April, 2013;
originally announced April 2013.
-
Solving Wave Equations on Unstructured Geometries
Authors:
Andreas Klöckner,
Timothy Warburton,
Jan S. Hesthaven
Abstract:
Waves are all around us--be it in the form of sound, electromagnetic radiation, water waves, or earthquakes. Their study is an important basic tool across engineering and science disciplines. Every wave solver serving the computational study of waves meets a trade-off of two figures of merit--its computational speed and its accuracy. Discontinuous Galerkin (DG) methods fall on the high-accuracy en…
▽ More
Waves are all around us--be it in the form of sound, electromagnetic radiation, water waves, or earthquakes. Their study is an important basic tool across engineering and science disciplines. Every wave solver serving the computational study of waves meets a trade-off of two figures of merit--its computational speed and its accuracy. Discontinuous Galerkin (DG) methods fall on the high-accuracy end of this spectrum. Fortuitously, their computational structure is so ideally suited to GPUs that they also achieve very high computational speeds. In other words, the use of DG methods on GPUs significantly lowers the cost of obtaining accurate solutions. This article aims to give the reader an easy on-ramp to the use of this technology, based on a sample implementation which demonstrates a highly accurate, GPU-capable, real-time visualizing finite element solver in about 1500 lines of code.
△ Less
Submitted 19 April, 2013;
originally announced April 2013.
-
High-Order Discontinuous Galerkin Methods by GPU Metaprogramming
Authors:
Andreas Klöckner,
Timothy Warburton,
Jan S. Hesthaven
Abstract:
Discontinuous Galerkin (DG) methods for the numerical solution of partial differential equations have enjoyed considerable success because they are both flexible and robust: They allow arbitrary unstructured geometries and easy control of accuracy without compromising simulation stability. In a recent publication, we have shown that DG methods also adapt readily to execution on modern, massively p…
▽ More
Discontinuous Galerkin (DG) methods for the numerical solution of partial differential equations have enjoyed considerable success because they are both flexible and robust: They allow arbitrary unstructured geometries and easy control of accuracy without compromising simulation stability. In a recent publication, we have shown that DG methods also adapt readily to execution on modern, massively parallel graphics processors (GPUs). A number of qualities of the method contribute to this suitability, reaching from locality of reference, through regularity of access patterns, to high arithmetic intensity. In this article, we illuminate a few of the more practical aspects of bringing DG onto a GPU, including the use of a Python-based metaprogramming infrastructure that was created specifically to support DG, but has found many uses across all disciplines of computational science.
△ Less
Submitted 2 November, 2012;
originally announced November 2012.
-
Viscous Shock Capturing in a Time-Explicit Discontinuous Galerkin Method
Authors:
Andreas Klöckner,
Tim Warburton,
Jan S. Hesthaven
Abstract:
We present a novel, cell-local shock detector for use with discontinuous Galerkin (DG) methods. The output of this detector is a reliably scaled, element-wise smoothness estimate which is suited as a control input to a shock capture mechanism. Using an artificial viscosity in the latter role, we obtain a DG scheme for the numerical solution of nonlinear systems of conservation laws. Building on wo…
▽ More
We present a novel, cell-local shock detector for use with discontinuous Galerkin (DG) methods. The output of this detector is a reliably scaled, element-wise smoothness estimate which is suited as a control input to a shock capture mechanism. Using an artificial viscosity in the latter role, we obtain a DG scheme for the numerical solution of nonlinear systems of conservation laws. Building on work by Persson and Peraire, we thoroughly justify the detector's design and analyze its performance on a number of benchmark problems. We further explain the scaling and smoothing steps necessary to turn the output of the detector into a local, artificial viscosity. We close by providing an extensive array of numerical tests of the detector in use.
△ Less
Submitted 18 March, 2011; v1 submitted 15 February, 2011;
originally announced February 2011.
-
A generalization of the Wiener rational basis functions on infinite intervals
Authors:
Akil C. Narayan,
Jan S. Hesthaven
Abstract:
We formulate and derive a generalization of an orthogonal rational-function basis for spectral expansions over the infinite or semi-infinite interval. The original functions, first presented by Wiener are a mapping and weighting of the Fourier basis to the infinite interval. By identifying the Fourier series as a biorthogonal composition of Jacobi polynomials/functions, we are able to define gen…
▽ More
We formulate and derive a generalization of an orthogonal rational-function basis for spectral expansions over the infinite or semi-infinite interval. The original functions, first presented by Wiener are a mapping and weighting of the Fourier basis to the infinite interval. By identifying the Fourier series as a biorthogonal composition of Jacobi polynomials/functions, we are able to define generalized Fourier series' which, appropriately mapped to the whole real line and weighted, form a generalization of Wiener's basis functions. It is known that the original Wiener rational functions inherit sparse Galerkin matrices for differentiation, and can utilize the fast Fourier transform (FFT) for computation of the modal coefficients. We show that the generalized basis sets also have a sparse differentiation matrix and we discuss connection problems, which are necessary theoretical developments for application of the FFT.
△ Less
Submitted 29 May, 2009;
originally announced May 2009.
-
Nodal Discontinuous Galerkin Methods on Graphics Processors
Authors:
Andreas Klöckner,
Tim Warburton,
Jeffrey Bridge,
Jan S. Hesthaven
Abstract:
Discontinuous Galerkin (DG) methods for the numerical solution of partial differential equations have enjoyed considerable success because they are both flexible and robust: They allow arbitrary unstructured geometries and easy control of accuracy without compromising simulation stability. Lately, another property of DG has been growing in importance: The majority of a DG operator is applied in…
▽ More
Discontinuous Galerkin (DG) methods for the numerical solution of partial differential equations have enjoyed considerable success because they are both flexible and robust: They allow arbitrary unstructured geometries and easy control of accuracy without compromising simulation stability. Lately, another property of DG has been growing in importance: The majority of a DG operator is applied in an element-local way, with weak penalty-based element-to-element coupling.
The resulting locality in memory access is one of the factors that enables DG to run on off-the-shelf, massively parallel graphics processors (GPUs). In addition, DG's high-order nature lets it require fewer data points per represented wavelength and hence fewer memory accesses, in exchange for higher arithmetic intensity. Both of these factors work significantly in favor of a GPU implementation of DG.
Using a single US$400 Nvidia GTX 280 GPU, we accelerate a solver for Maxwell's equations on a general 3D unstructured grid by a factor of 40 to 60 relative to a serial computation on a current-generation CPU. In many cases, our algorithms exhibit full use of the device's available memory bandwidth. Example computations achieve and surpass 200 gigaflops/s of net application-level floating point work.
In this article, we describe and derive the techniques used to reach this level of performance. In addition, we present comprehensive data on the accuracy and runtime behavior of the method.
△ Less
Submitted 3 April, 2009; v1 submitted 8 January, 2009;
originally announced January 2009.