-
Fourier-enhanced reduced-order surrogate modeling for uncertainty quantification in electric machine design
Authors:
Aylar Partovizadeh,
Sebastian Schöps,
Dimitrios Loukrezis
Abstract:
This work proposes a data-driven surrogate modeling framework for cost-effectively inferring the torque of a permanent magnet synchronous machine under geometric design variations. The framework is separated into a reduced-order modeling and an inference part. Given a dataset of torque signals, each corresponding to a different set of design parameters, torque dimension is first reduced by post-pr…
▽ More
This work proposes a data-driven surrogate modeling framework for cost-effectively inferring the torque of a permanent magnet synchronous machine under geometric design variations. The framework is separated into a reduced-order modeling and an inference part. Given a dataset of torque signals, each corresponding to a different set of design parameters, torque dimension is first reduced by post-processing a discrete Fourier transform and keeping a reduced number of frequency components. This allows to take advantage of torque periodicity and preserve physical information contained in the frequency components. Next, a response surface model is computed by means of machine learning regression, which maps the design parameters to the reduced frequency components. The response surface models of choice are polynomial chaos expansions, feedforward neural networks, and Gaussian processes. Torque inference is performed by evaluating the response surface model for new design parameters and then inverting the dimension reduction. Numerical results show that the resulting surrogate models lead to sufficiently accurate torque predictions for previously unseen design configurations. The framework is found to be significantly advantageous compared to approximating the original (not reduced) torque signal directly, as well as slightly advantageous compared to using principal component analysis for dimension reduction. The combination of discrete Fourier transform-based dimension reduction with Gaussian process-based response surfaces yields the best-in-class surrogate model for this use case. The surrogate models replace the original, high-fidelity model in Monte Carlo-based uncertainty quantification studies, where they provide accurate torque statistics estimates at significantly reduced computational cost.
△ Less
Submitted 12 March, 2025; v1 submitted 9 December, 2024;
originally announced December 2024.
-
Polynomial Chaos Expansions on Principal Geodesic Grassmannian Submanifolds for Surrogate Modeling and Uncertainty Quantification
Authors:
Dimitris G. Giovanis,
Dimitrios Loukrezis,
Ioannis G. Kevrekidis,
Michael D. Shields
Abstract:
In this work we introduce a manifold learning-based surrogate modeling framework for uncertainty quantification in high-dimensional stochastic systems. Our first goal is to perform data mining on the available simulation data to identify a set of low-dimensional (latent) descriptors that efficiently parameterize the response of the high-dimensional computational model. To this end, we employ Princ…
▽ More
In this work we introduce a manifold learning-based surrogate modeling framework for uncertainty quantification in high-dimensional stochastic systems. Our first goal is to perform data mining on the available simulation data to identify a set of low-dimensional (latent) descriptors that efficiently parameterize the response of the high-dimensional computational model. To this end, we employ Principal Geodesic Analysis on the Grassmann manifold of the response to identify a set of disjoint principal geodesic submanifolds, of possibly different dimension, that captures the variation in the data. Since operations on the Grassmann require the data to be concentrated, we propose an adaptive algorithm based on Riemanniann K-means and the minimization of the sample Frechet variance on the Grassmann manifold to identify "local" principal geodesic submanifolds that represent different system behavior across the parameter space. Polynomial chaos expansion is then used to construct a mapping between the random input parameters and the projection of the response on these local principal geodesic submanifolds. The method is demonstrated on four test cases, a toy-example that involves points on a hypersphere, a Lotka-Volterra dynamical system, a continuous-flow stirred-tank chemical reactor system, and a two-dimensional Rayleigh-Benard convection problem
△ Less
Submitted 29 January, 2024;
originally announced January 2024.
-
Multivariate sensitivity-adaptive polynomial chaos expansion for high-dimensional surrogate modeling and uncertainty quantification
Authors:
Dimitrios Loukrezis,
Eric Diehl,
Herbert De Gersem
Abstract:
This work develops a novel basis-adaptive method for constructing anisotropic polynomial chaos expansions of multidimensional (vector-valued, multi-output) model responses. The adaptive basis selection is based on multivariate sensitivity analysis metrics that can be estimated by post-processing the polynomial chaos expansion and results in a common anisotropic polynomial basis for the vector-valu…
▽ More
This work develops a novel basis-adaptive method for constructing anisotropic polynomial chaos expansions of multidimensional (vector-valued, multi-output) model responses. The adaptive basis selection is based on multivariate sensitivity analysis metrics that can be estimated by post-processing the polynomial chaos expansion and results in a common anisotropic polynomial basis for the vector-valued response. This allows the application of the method to problems with up to moderately high-dimensional model inputs (in the order of tens) and up to very high-dimensional model responses (in the order of thousands). The method is applied to different engineering test cases for surrogate modeling and uncertainty quantification, including use cases related to electric machine and power grid modeling and simulation, and is found to produce highly accurate results with comparatively low data and computational demand.
△ Less
Submitted 1 July, 2024; v1 submitted 15 October, 2023;
originally announced October 2023.
-
Error Approximation and Bias Correction in Dynamic Problems using a Recurrent Neural Network/Finite Element Hybrid Model
Authors:
Moritz von Tresckow,
Herbert De Gersem,
Dimitrios Loukrezis
Abstract:
This work proposes a hybrid modeling framework based on recurrent neural networks (RNNs) and the finite element (FE) method to approximate model discrepancies in time dependent, multi-fidelity problems, and use the trained hybrid models to perform bias correction of the low-fidelity models. The hybrid model uses FE basis functions as a spatial basis and RNNs for the approximation of the time depen…
▽ More
This work proposes a hybrid modeling framework based on recurrent neural networks (RNNs) and the finite element (FE) method to approximate model discrepancies in time dependent, multi-fidelity problems, and use the trained hybrid models to perform bias correction of the low-fidelity models. The hybrid model uses FE basis functions as a spatial basis and RNNs for the approximation of the time dependencies of the FE basis' degrees of freedom. The training data sets consist of sparse, non-uniformly sampled snapshots of the discrepancy function, pre-computed from trajectory data of low- and high-fidelity dynamic FE models. To account for data sparsity and prevent overfitting, data upsampling and local weighting factors are employed, to instigate a trade-off between physically conforming model behavior and neural network regression. The proposed hybrid modeling methodology is showcased in three highly non-trivial engineering test-cases, all featuring transient FE models, namely, heat diffusion out of a heat sink, eddy-currents in a quadrupole magnet, and sound wave propagation in a cavity. The results show that the proposed hybrid model is capable of approximating model discrepancies to a high degree of accuracy and accordingly correct low-fidelity models.
△ Less
Submitted 10 February, 2024; v1 submitted 5 July, 2023;
originally announced July 2023.
-
UQpy v4.1: Uncertainty Quantification with Python
Authors:
Dimitrios Tsapetis,
Michael D. Shields,
Dimitris G. Giovanis,
Audrey Olivier,
Lukas Novak,
Promit Chakroborty,
Himanshu Sharma,
Mohit Chauhan,
Katiana Kontolati,
Lohit Vandanapu,
Dimitrios Loukrezis,
Michael Gardner
Abstract:
This paper presents the latest improvements introduced in Version 4 of the UQpy, Uncertainty Quantification with Python, library. In the latest version, the code was restructured to conform with the latest Python coding conventions, refactored to simplify previous tightly coupled features, and improve its extensibility and modularity. To improve the robustness of UQpy, software engineering best pr…
▽ More
This paper presents the latest improvements introduced in Version 4 of the UQpy, Uncertainty Quantification with Python, library. In the latest version, the code was restructured to conform with the latest Python coding conventions, refactored to simplify previous tightly coupled features, and improve its extensibility and modularity. To improve the robustness of UQpy, software engineering best practices were adopted. A new software development workflow significantly improved collaboration between team members, and continous integration and automated testing ensured the robustness and reliability of software performance. Continuous deployment of UQpy allowed its automated packaging and distribution in system agnostic format via multiple channels, while a Docker image enables the use of the toolbox regardless of operating system limitations.
△ Less
Submitted 16 May, 2023;
originally announced May 2023.
-
Data-driven Modified Nodal Analysis Circuit Solver
Authors:
Armin Galetzka,
Dimitrios Loukrezis,
Herbert De Gersem
Abstract:
This work introduces a novel data-driven modified nodal analysis (MNA) circuit solver. The solver is capable of handling circuit problems featuring elements for which solely measurement data are available. Rather than utilizing hard-coded phenomenological model representations, the data-driven MNA solver reformulates the circuit problem such that the solution is found by minimizing the distance be…
▽ More
This work introduces a novel data-driven modified nodal analysis (MNA) circuit solver. The solver is capable of handling circuit problems featuring elements for which solely measurement data are available. Rather than utilizing hard-coded phenomenological model representations, the data-driven MNA solver reformulates the circuit problem such that the solution is found by minimizing the distance between circuit states that fulfill Kirchhoff's laws, to states belonging to the measurement data. In this way, the previously inevitable demand for model representations is abolished, thus avoiding the introduction of related modeling errors and uncertainties. The proposed solver is applied to linear and nonlinear RC-circuits and to a half-wave rectifier.
△ Less
Submitted 6 March, 2023;
originally announced March 2023.
-
Quadrupole Magnet Design based on Genetic Multi-Objective Optimization
Authors:
Eric Diehl,
Moritz von Tresckow,
Lou Scholtissek,
Dimitrios Loukrezis,
Nicolas Marsic,
Wolfgang F. O. Müller,
Herbert De Gersem
Abstract:
This work suggests to optimize the geometry of a quadrupole magnet by means of a genetic algorithm adapted to solve multi-objective optimization problems. To that end, a non-domination sorting genetic algorithm known as NSGA-III is used. The optimization objectives are chosen such that a high magnetic field quality in the aperture of the magnet is guaranteed, while simultaneously the magnet design…
▽ More
This work suggests to optimize the geometry of a quadrupole magnet by means of a genetic algorithm adapted to solve multi-objective optimization problems. To that end, a non-domination sorting genetic algorithm known as NSGA-III is used. The optimization objectives are chosen such that a high magnetic field quality in the aperture of the magnet is guaranteed, while simultaneously the magnet design remains cost-efficient. The field quality is computed using a magnetostatic finite element model of the quadrupole, the results of which are post-processed and integrated into the optimization algorithm. An extensive analysis of the optimization results is performed, including Pareto front movements and identification of best designs.
△ Less
Submitted 3 November, 2023; v1 submitted 17 November, 2022;
originally announced November 2022.
-
An $hp$-adaptive multi-element stochastic collocation method for surrogate modeling with information re-use
Authors:
Armin Galetzka,
Dimitrios Loukrezis,
Niklas Georg,
Herbert De Gersem,
Ulrich Römer
Abstract:
This paper introduces an $hp$-adaptive multi-element stochastic collocation method, which additionally allows to re-use existing model evaluations during either $h$- or $p$-refinement. The collocation method is based on weighted Leja nodes. After $h$-refinement, local interpolations are stabilized by adding and sorting Leja nodes on each newly created sub-element in a hierarchical manner. For $p$-…
▽ More
This paper introduces an $hp$-adaptive multi-element stochastic collocation method, which additionally allows to re-use existing model evaluations during either $h$- or $p$-refinement. The collocation method is based on weighted Leja nodes. After $h$-refinement, local interpolations are stabilized by adding and sorting Leja nodes on each newly created sub-element in a hierarchical manner. For $p$-refinement, the local polynomial approximations are based on total-degree or dimension-adaptive bases. The method is applied in the context of forward and inverse uncertainty quantification to handle non-smooth or strongly localised response surfaces. The performance of the proposed method is assessed in several test cases, also in comparison to competing methods.
△ Less
Submitted 7 February, 2023; v1 submitted 29 June, 2022;
originally announced June 2022.
-
Power Module Heat Sink Design Optimization with Ensembles of Data-Driven Polynomial Chaos Surrogate Models
Authors:
Dimitrios Loukrezis,
Herbert De Gersem
Abstract:
We consider the problem of optimizing the design of a heat sink used for cooling an insulated gate bipolar transistor (IGBT) power module. The thermal behavior of the heat sink is originally estimated using a high-fidelity computational fluid dynamics (CFD) simulation, which renders numerical optimization too computationally demanding. To enable optimization studies, we substitute the CFD simulati…
▽ More
We consider the problem of optimizing the design of a heat sink used for cooling an insulated gate bipolar transistor (IGBT) power module. The thermal behavior of the heat sink is originally estimated using a high-fidelity computational fluid dynamics (CFD) simulation, which renders numerical optimization too computationally demanding. To enable optimization studies, we substitute the CFD simulation model with an inexpensive polynomial surrogate model that approximates the relation between the device's design features and a relevant thermal quantity of interest. The surrogate model of choice is a data-driven polynomial chaos expansion (DD-PCE), which learns the aforementioned relation by means of polynomial regression. Advantages of the DD-PCE include its applicability in small-data regimes and its easily adaptable model structure. To address the issue of model-form uncertainty and model robustness in view of limited training and test data, ensembles of DD-PCEs are generated based on data re-shuffling. Then, using the full ensemble of surrogate models, the surrogate-based predictions are accompanied by uncertainty metrics such as mean value and variance. Once trained and tested in terms of accuracy and robustness, the ensemble of DD-PCE surrogates replaces the high-fidelity simulation model in optimization algorithms aiming to identify heat sink designs that optimize the thermal behavior of the IGBT under geometrical and operational constraints. Optimized heat sink designs are obtained for a computational cost much smaller than utilizing the original model in the optimization procedure. Due to ensemble modeling, the optimization results can also be assessed in terms of uncertainty and robustness. Comparisons against alternative surrogate modeling techniques illustrate why the DD-PCE should be preferred in the considered setting.
△ Less
Submitted 6 September, 2022; v1 submitted 18 May, 2022;
originally announced May 2022.
-
A survey of unsupervised learning methods for high-dimensional uncertainty quantification in black-box-type problems
Authors:
Katiana Kontolati,
Dimitrios Loukrezis,
Dimitris G. Giovanis,
Lohit Vandanapu,
Michael D. Shields
Abstract:
Constructing surrogate models for uncertainty quantification (UQ) on complex partial differential equations (PDEs) having inherently high-dimensional $\mathcal{O}(10^{\ge 2})$ stochastic inputs (e.g., forcing terms, boundary conditions, initial conditions) poses tremendous challenges. The curse of dimensionality can be addressed with suitable unsupervised learning techniques used as a pre-processi…
▽ More
Constructing surrogate models for uncertainty quantification (UQ) on complex partial differential equations (PDEs) having inherently high-dimensional $\mathcal{O}(10^{\ge 2})$ stochastic inputs (e.g., forcing terms, boundary conditions, initial conditions) poses tremendous challenges. The curse of dimensionality can be addressed with suitable unsupervised learning techniques used as a pre-processing tool to encode inputs onto lower-dimensional subspaces while retaining its structural information and meaningful properties. In this work, we review and investigate thirteen dimension reduction methods including linear and nonlinear, spectral, blind source separation, convex and non-convex methods and utilize the resulting embeddings to construct a mapping to quantities of interest via polynomial chaos expansions (PCE). We refer to the general proposed approach as manifold PCE (m-PCE), where manifold corresponds to the latent space resulting from any of the studied dimension reduction methods. To investigate the capabilities and limitations of these methods we conduct numerical tests for three physics-based systems (treated as black-boxes) having high-dimensional stochastic inputs of varying complexity modeled as both Gaussian and non-Gaussian random fields to investigate the effect of the intrinsic dimensionality of input data. We demonstrate both the advantages and limitations of the unsupervised learning methods and we conclude that a suitable m-PCE model provides a cost-effective approach compared to alternative algorithms proposed in the literature, including recently proposed expensive deep neural network-based surrogates and can be readily applied for high-dimensional UQ in stochastic PDEs.
△ Less
Submitted 16 May, 2022; v1 submitted 9 February, 2022;
originally announced February 2022.
-
A Neural Solver for Variational Problems on CAD Geometries with Application to Electric Machine Simulation
Authors:
Moritz von Tresckow,
Stefan Kurz,
Herbert De Gersem,
Dimitrios Loukrezis
Abstract:
This work presents a deep learning-based framework for the solution of partial differential equations on complex computational domains described with computer-aided design tools. To account for the underlying distribution of the training data caused by spline-based projections from the reference to the physical domain, a variational neural solver equipped with an importance sampling scheme is deve…
▽ More
This work presents a deep learning-based framework for the solution of partial differential equations on complex computational domains described with computer-aided design tools. To account for the underlying distribution of the training data caused by spline-based projections from the reference to the physical domain, a variational neural solver equipped with an importance sampling scheme is developed, such that the loss function based on the discretized energy functional obtained after the weak formulation is modified according to the sample distribution. To tackle multi-patch domains possibly leading to solution discontinuities, the variational neural solver is additionally combined with a domain decomposition approach based on the Discontinuous Galerkin formulation. The proposed neural solver is verified on a toy problem and then applied to a real-world engineering test case, namely that of electric machine simulation. The numerical results show clearly that the neural solver produces physics-conforming solutions of significantly improved accuracy.
△ Less
Submitted 24 February, 2022; v1 submitted 17 November, 2021;
originally announced November 2021.
-
Three-Dimensional Data-Driven Magnetostatic Field Computation using Real-World Measurement Data
Authors:
Armin Galetzka,
Dimitrios Loukrezis,
Herbert De Gersem
Abstract:
This paper presents a practical case study of a data-driven magnetostatic finite element solver applied to a real-world three-dimensional problem. Instead of using a hard-coded phenomenological material model within the solver, the data-driven computing approach reformulates the boundary value problem such that the field solution is directly computed on the measurement data. The data-driven formul…
▽ More
This paper presents a practical case study of a data-driven magnetostatic finite element solver applied to a real-world three-dimensional problem. Instead of using a hard-coded phenomenological material model within the solver, the data-driven computing approach reformulates the boundary value problem such that the field solution is directly computed on the measurement data. The data-driven formulation results in a minimization problem with a Lagrange multiplier, where the sought solution must conform to Maxwell's equations while at the same time being closest to the available measurement data. The data-driven solver is applied to a three-dimensional model of an inductor excited by a DC-current. Numerical results for data sets of increasing cardinality verify that the data-driven solver recovers the conventional solution. Furthermore, this work concludes that the data-driven magnetostatic finite element solver is applicable to computationally demanding three-dimensional problems. Simulations with real world measurement data further show the practical usability of the solver.
△ Less
Submitted 1 December, 2021; v1 submitted 30 July, 2021;
originally announced July 2021.
-
Manifold learning-based polynomial chaos expansions for high-dimensional surrogate models
Authors:
Katiana Kontolati,
Dimitrios Loukrezis,
Ketson R. M. dos Santos,
Dimitrios G. Giovanis,
Michael D. Shields
Abstract:
In this work we introduce a manifold learning-based method for uncertainty quantification (UQ) in systems describing complex spatiotemporal processes. Our first objective is to identify the embedding of a set of high-dimensional data representing quantities of interest of the computational or analytical model. For this purpose, we employ Grassmannian diffusion maps, a two-step nonlinear dimension…
▽ More
In this work we introduce a manifold learning-based method for uncertainty quantification (UQ) in systems describing complex spatiotemporal processes. Our first objective is to identify the embedding of a set of high-dimensional data representing quantities of interest of the computational or analytical model. For this purpose, we employ Grassmannian diffusion maps, a two-step nonlinear dimension reduction technique which allows us to reduce the dimensionality of the data and identify meaningful geometric descriptions in a parsimonious and inexpensive manner. Polynomial chaos expansion is then used to construct a mapping between the stochastic input parameters and the diffusion coordinates of the reduced space. An adaptive clustering technique is proposed to identify an optimal number of clusters of points in the latent space. The similarity of points allows us to construct a number of geometric harmonic emulators which are finally utilized as a set of inexpensive pre-trained models to perform an inverse map of realizations of latent features to the ambient space and thus perform accurate out-of-sample predictions. Thus, the proposed method acts as an encoder-decoder system which is able to automatically handle very high-dimensional data while simultaneously operating successfully in the small-data regime. The method is demonstrated on two benchmark problems and on a system of advection-diffusion-reaction equations which model a first-order chemical reaction between two species. In all test cases, the proposed method is able to achieve highly accurate approximations which ultimately lead to the significant acceleration of UQ tasks.
△ Less
Submitted 20 July, 2021;
originally announced July 2021.
-
Data-Driven Solvers for Strongly Nonlinear Material Response
Authors:
Armin Galetzka,
Dimitrios Loukrezis,
Herbert De Gersem
Abstract:
This work presents a data-driven magnetostatic finite-element solver that is specifically well-suited to cope with strongly nonlinear material responses. The data-driven computing framework is essentially a multiobjective optimization procedure matching the material operation points as closely as possible to given material data while obeying Maxwell's equations. Here, the framework is extended wit…
▽ More
This work presents a data-driven magnetostatic finite-element solver that is specifically well-suited to cope with strongly nonlinear material responses. The data-driven computing framework is essentially a multiobjective optimization procedure matching the material operation points as closely as possible to given material data while obeying Maxwell's equations. Here, the framework is extended with heterogeneous (local) weighting factors - one per finite element - equilibrating the goal function locally according to the material behavior. This modification allows the data-driven solver to cope with unbalanced measurement data sets, i.e. data sets suffering from unbalanced space filling. This occurs particularly in the case of strongly nonlinear materials, which constitute problematic cases that hinder the efficiency and accuracy of standard data-driven solvers with a homogeneous (global) weighting factor. The local weighting factors are embedded in the distance-minimizing data-driven algorithm used for noiseless data, likewise for the maximum entropy data-driven algorithm used for noisy data. Numerical experiments based on a quadrupole magnet model with a soft magnetic material show that the proposed modification results in major improvements in terms of solution accuracy and solver efficiency. For the case of noiseless data, local weighting factors improve the convergence of the data-driven solver by orders of magnitude. When noisy data are considered, the convergence rate of the data-driven solver is doubled.
△ Less
Submitted 13 November, 2020; v1 submitted 19 August, 2020;
originally announced August 2020.
-
Magnetic Field Simulation with Data-Driven Material Modeling
Authors:
Herbert De Gersem,
Armin Galetzka,
Ion Gabriel Ion,
Dimitrios Loukrezis,
Ulrich Römer
Abstract:
This paper developes a data-driven magnetostatic finite-element (FE) solver which directly exploits measured material data instead of a material curve constructed from it. The distances between the field solution and the measurement points are minimized while enforcing Maxwell's equations. The minimization problem is solved by employing the Lagrange multiplier approach. The procedure wraps the FE…
▽ More
This paper developes a data-driven magnetostatic finite-element (FE) solver which directly exploits measured material data instead of a material curve constructed from it. The distances between the field solution and the measurement points are minimized while enforcing Maxwell's equations. The minimization problem is solved by employing the Lagrange multiplier approach. The procedure wraps the FE method within an outer data-driven iteration. The method is capable of considering anisotropic materials and is adapted to deal with models featuring a combination of exact material knowledge and measured material data. Thereto, three approaches with an increasing level of intrusivity according to the FE formulation are proposed. The numerical results for a quadrupole-magnet model show that data-driven field simulation is feasible and affordable and overcomes the need of modeling the material law.
△ Less
Submitted 15 June, 2020; v1 submitted 10 February, 2020;
originally announced February 2020.
-
Robust Adaptive Least Squares Polynomial Chaos Expansions in High-Frequency Applications
Authors:
Dimitrios Loukrezis,
Armin Galetzka,
Herbert De Gersem
Abstract:
We present an algorithm for computing sparse, least squares-based polynomial chaos expansions, incorporating both adaptive polynomial bases and sequential experimental designs. The algorithm is employed to approximate stochastic high-frequency electromagnetic models in a black-box way, in particular, given only a dataset of random parameter realizations and the corresponding observations regarding…
▽ More
We present an algorithm for computing sparse, least squares-based polynomial chaos expansions, incorporating both adaptive polynomial bases and sequential experimental designs. The algorithm is employed to approximate stochastic high-frequency electromagnetic models in a black-box way, in particular, given only a dataset of random parameter realizations and the corresponding observations regarding a quantity of interest, typically a scattering parameter. The construction of the polynomial basis is based on a greedy, adaptive, sensitivity-related method. The sequential expansion of the experimental design employs different optimality criteria, with respect to the algebraic form of the least squares problem. We investigate how different conditions affect the robustness of the derived surrogate models, that is, how much the approximation accuracy varies given different experimental designs. It is found that relatively optimistic criteria perform on average better than stricter ones, yielding superior approximation accuracies for equal dataset sizes. However, the results of strict criteria are significantly more robust, as reduced variations regarding the approximation accuracy are obtained, over a range of experimental designs. Two criteria are proposed for a good accuracy-robustness trade-off.
△ Less
Submitted 16 December, 2019;
originally announced December 2019.
-
Enhanced adaptive surrogate models with applications in uncertainty quantification for nanoplasmonics
Authors:
Niklas Georg,
Dimitrios Loukrezis,
Ulrich Römer,
Sebastian Schöps
Abstract:
We propose an efficient surrogate modeling technique for uncertainty quantification. The method is based on a well-known dimension-adaptive collocation scheme. We improve the scheme by enhancing sparse polynomial surrogates with conformal maps and adjoint error correction. The methodology is applied to Maxwell's source problem with random input data. This setting comprises many applications of cur…
▽ More
We propose an efficient surrogate modeling technique for uncertainty quantification. The method is based on a well-known dimension-adaptive collocation scheme. We improve the scheme by enhancing sparse polynomial surrogates with conformal maps and adjoint error correction. The methodology is applied to Maxwell's source problem with random input data. This setting comprises many applications of current interest from computational nanoplasmonics, such as grating couplers or optical waveguides. Using a non-trivial benchmark model we show the benefits and drawbacks of using enhanced surrogate models through various numerical studies. The proposed strategy allows us to conduct a thorough uncertainty analysis, taking into account a moderately large number of random parameters.
△ Less
Submitted 19 May, 2020; v1 submitted 19 July, 2018;
originally announced July 2018.
-
Assessing the Performance of Leja and Clenshaw-Curtis Collocation for Computational Electromagnetics with Random Input Data
Authors:
Dimitrios Loukrezis,
Ulrich Römer,
Herbert De Gersem
Abstract:
We consider the problem of quantifying uncertainty regarding the output of an electromagnetic field problem in the presence of a large number of uncertain input parameters. In order to reduce the growth in complexity with the number of dimensions, we employ a dimension-adaptive stochastic collocation method based on nested univariate nodes. We examine the accuracy and performance of collocation sc…
▽ More
We consider the problem of quantifying uncertainty regarding the output of an electromagnetic field problem in the presence of a large number of uncertain input parameters. In order to reduce the growth in complexity with the number of dimensions, we employ a dimension-adaptive stochastic collocation method based on nested univariate nodes. We examine the accuracy and performance of collocation schemes based on Clenshaw-Curtis and Leja rules, for the cases of uniform and bounded, non-uniform random inputs, respectively. Based on numerical experiments with an academic electromagnetic field model, we compare the two rules in both the univariate and multivariate case and for both quadrature and interpolation purposes. Results for a real-world electromagnetic field application featuring high-dimensional input uncertainty are also presented.
△ Less
Submitted 20 July, 2022; v1 submitted 19 December, 2017;
originally announced December 2017.
-
High Dimensional Uncertainty Quantification for an Electrothermal Field Problem using Stochastic Collocation on Sparse Grids and Tensor Train Decompositions
Authors:
D. Loukrezis,
U. Römer,
T. Casper,
S. Schöps,
H. De Gersem
Abstract:
The temperature developed in bondwires of integrated circuits (ICs) is a possible source of malfunction, and has to be taken into account during the design phase of an IC. Due to manufacturing tolerances, a bondwire's geometrical characteristics are uncertain parameters, and as such their impact has to be examined with the use of uncertainty quantification (UQ) methods. Sampling methods, like the…
▽ More
The temperature developed in bondwires of integrated circuits (ICs) is a possible source of malfunction, and has to be taken into account during the design phase of an IC. Due to manufacturing tolerances, a bondwire's geometrical characteristics are uncertain parameters, and as such their impact has to be examined with the use of uncertainty quantification (UQ) methods. Sampling methods, like the Monte Carlo (MC), converge slowly, while efficient alternatives scale badly with respect to the number of considered uncertainties. Possible remedies to this, so-called, curse of dimensionality are sought in the application of stochastic collocation (SC) on sparse grids (SGs) and of the recently emerged low-rank tensor decomposition methods, with emphasis on the tensor train (TT) decomposition.
△ Less
Submitted 9 December, 2016; v1 submitted 11 October, 2016;
originally announced October 2016.