Airfoil Design Parameterization and Optimization Using Bézier Generative Adversarial Networks
Airfoil Design Parameterization and Optimization Using Bézier Generative Adversarial Networks
while maintaining sufficient representation capacity. The airfoil design is used as an example to demonstrate the idea
and analyze Bézier-GAN’s representation capacity and compactness. Results show that Bézier-GAN both 1) learns
smooth and realistic shape representations for a wide range of airfoils and 2) empirically accelerates optimization
convergence by at least two times compared with state-of-the-art parameterization methods.
Therefore, we extend the concept of GANs and propose the Bézier- biological evolution through mutation, recombination, and reproduc-
GAN for synthesizing smooth aerodynamic designs. tion of different designs. Work has also been done to augment GA
The specific scientific contributions of this paper are as follows: with the bees algorithm [37] and adaptive mutation rates [38], result-
1) A new type of generative model, Bézier-GAN, appropriate for ing in more accurate optimization and/or faster convergence. Other
smooth geometry (such as those expressed via splines or Bézier PBO methods applied in aerodynamic optimization are differential
curves) that improves the design synthesis quality and convergence evolution [39] and particle swarm optimization [34,40]. However,
rate compared with traditional GANs. It also enables a two-level due to the large number of CFD evaluations needed to form the
shape parameterization that separately controls the major and the population at each iteration, PBO methods can usually be prohibi-
minor shape deformation. tively expensive computationally, especially if every evaluation
2) A two-stage optimization (TSO) method that accelerates con- requires a high-fidelity CFD simulation [36].
vergence by prioritizing the optimization of major shape features. SBO uses an inexpensive surrogate model to approximate the
3) A study of the comparative optima and convergence rate while expensive CFD evaluations. Bayesian optimization (BO) is a com-
using several competing parameterization methods: our Bézier-GAN monly used SBO method. It consists of two components: a sampling
with different configurations, genetic modal design variables (GMDV) strategy (e.g., maximum expected improvement [41] or maximum
[24], singular value decomposition (SVD) [20], and Bézier surface upper confidence bound [42]) and a surrogate modeling method (e.g.,
free-form deformation (FFD) [25,26]. We discuss the representation Gaussian process regression, also known as kriging [43]). In each
capacity and compactness of each parameterization. iteration, the sampling strategy proposes a point in the design space
for evaluation, which is then used to update the surrogate model.
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
The first three issues can be avoided by directly applying DR on Both D and G components improve via training until the discrimi-
design variables without associating them with the response. Doing nator cannot differentiate between real (data) and fake (synthetic)
so assumes that if changes in a design are negligible, changes in the inputs, implying that the generative distribution resembles the data
responses are also negligible. In the area of aerodynamic design, distribution. We direct interested readers to [23] for a more detailed
researchers use linear models such as principal component analysis explanation of GANs.
(PCA) [16–18] or SVD [19,20,58] to reduce the dimensionality of Standard GANs do not have a way of regularizing the latent
design variables. Although those linear models provide optimal representation (noise); thus, the noise may end up being noninter-
solutions to the linear DR problem, their linear nature makes them pretable. This causes the noise variation not to reflect an intuitive
unable to achieve the most compact representation (i.e., use the least design variation, which impedes design space exploration. To com-
dimensions to retain similar variance in the data) when the data are pensate for this weakness, the InfoGAN encourages interpretable and
nonlinear, which is the most common case for real-world data. Non- disentangled latent representations by maximizing the mutual infor-
linear models like generative topographic mapping [14,15] can solve mation between the latent codes c and the generated samples x.~ Thus,
this problem to some extent, but are still limited to the assumption that InfoGAN’s generator takes c as an additional input; that is,
data follow a Gaussian mixture distribution, which is too strict in x~ Gc; z (Fig. 1). Unfortunately, it is hard to directly maximize
most real-world cases. Beyond these data-driven methods, GMDV the mutual information Ic; Gc; z, so, instead, an InfoGAN ap-
[24] generates airfoils through orthogonal modes derived from the proximates the solution by maximizing a lower bound. The mutual
reduced singular matrix of the third-difference matrix. None of these information lower bound LI is
DR methods encourage compactness of the reduced shape representa-
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
tion, where the volume of the latent space that maps to the domain of LI G; Q Ex∼PG Ec 0∼Pcjx log Qc 0jx Hc (2)
invalid designs is minimized. Complementary work in DR has been
done in other fields such as computer vision and computer graphics
[59,60], where DR is used for generating images or three-dimensional where Hc is the entropy of the latent codes, and Q is the auxiliary
(3D) shapes. Deep generative networks such as VAEs and GANs have distribution for approximating Pcjx. We direct interested readers to
been widely applied in those areas to learn the latent data representa- [61] for the derivation of LI . The InfoGAN’s loss function combines
tions. These methods are known for their ability to learn a compact LI with the standard GAN’s loss:
latent representation from complex high-dimensional data distribu-
tions, where the latent representation follows a simple, known distri- min max Ex∼Pdata log Dx Ec∼Pc ;z∼Pz log1 − DGc; z
G;Q D
bution (e.g., a normal or uniform distribution). Our work extends this
class of techniques by considering the generation of smooth geometries − λLI G; Q (3)
such as those needed in spline-based representations.
Note that our assumption is that we already have a reasonably
where Pc is the prior distribution of latent codes and λ is a weight
distributed dataset and the target design is within or at least not far
parameter. In practice, Hc is treated as constant if the distribution of
from the coverage of the data distribution. This assumption exists for all
c is fixed. The auxiliary distribution Q is also learned by a neural
data-driven methods. For example, given a database of airfoils, a data-
network and is simply approximated by sharing all the convolutional
driven method may help solve an airfoil design problem, but would not
layers with D and adding an extra fully connected layer to D to
necessarily give a good solution for a hydrofoil design problem.
predict the conditional distribution Qcjx. Thus, as shown in Fig. 1,
As DR models map latent variables to shapes, we can treat the
the discriminator tries to predict both the source of the data and the
latent variables and the mapping as parameters and the parametric
latent codes§. Note that although the InfoGAN encourages disen-
function, respectively. Thus, in a broader sense, we will also refer to
tangled latent representation, it does not guarantee orthogonal latent
these methods as parameterizations throughout this paper, though
variables as PCA or SVD does. Instead, it guarantees statistical
these are distinct from prior work in parameterizations because they
independence among latent or noise variables when each variable
are inferred from data directly, rather than fixed a priori.
is independently sampled. This is similar in concept to what inde-
pendent component analysis (ICA) [62] does for linear DR. We build
upon the work of InfoGAN, extending it to spline-based geometry.
III. Learning Compact and Disentangled
Representations
In this section, we introduce two deep generative models: GAN IV. Bézier-GAN: Spline-Based Shape Synthesis
[23] and its variant, InfoGAN [61], which our proposed Bézier-GAN
builds upon. Given a set of existing aerodynamic designs (e.g., air- Typical approaches to generative shape models (such as GANs)
foils from the University of Illinois Urbana-Champaign (UIUC) represent shapes as a collection of discrete samples (e.g., as pixels or
database), a deep generative model like GAN can learn a mapping voxels) owing to the their original development in the computer
from a known distribution to the unknown distribution of existing vision community. For example, a naïve way of synthesizing aero-
designs. We call the set of existing designs the training data. In dynamic shapes like airfoils would be to generate this discrete
GANs, we usually set the known distribution as a normal or uniform representation directly using the generator, such as generating a fixed
distribution. Samples drawn from this distribution are called noise. number of coordinates sampled along the airfoil’s surface curve.
The noise dimension is typically much lower than the design space However, in practice, aerodynamic shapes typically possess substan-
dimension and hence we can treat the noise as a reduced representa- tial smoothness/continuity and are typically represented using para-
tion of designs. metric curve families like splines, Bézier curves, or nonuniform
A GAN consists of two components: a generator G and a discrimi- rational B-splines (NURBS) surfaces. The naïve GAN representation
nator D (Fig. 1). The generator takes in random noise z from some of predicting discretized curves from the generator usually 1) creates
known prior distribution Pz and generates data x~ Gz. The noisy curves that have low smoothness and 2) have parametric output
discriminator takes in a sample (either from the training data or that is harder for humans to interpret and use in standard CAD
synthesized by the generator) and predicts the probability of the packages compared with equivalent curve representations (e.g.,
sample coming from the training data. The generator tries to make Bézier curves). This creates problems, particularly in aerodynamic
the generative distribution PG look like the data distribution Pdata to shape synthesis.
fool the discriminator; the discriminator tries not to be fooled. GANs To solve this issue, we modified the InfoGAN’s generator such that
achieve this by solving the following minimax problem: it only generates smooth shapes that conform to Bézier curves. We
call this generative adversarial network a Bézier-GAN [63].
min max VD; G Ex∼Pdata log Dx Ez∼Pz log1 − DGz
G D §
Here we use the discriminator D to denote both Q and D, because they
(1) share neural network weights.
4726 CHEN, CHIU, AND FUGE
A. Architecture B. Regularization
As shown in Fig. 2, the overall architecture is adapted from the The rational Bézier representation (i.e., the choice of P, w, and t)
InfoGAN. However, instead of directly outputting discrete coordi- for a point sequence is not unique. For example, we have observed
nates along the curve, the generator synthesizes control points that the generated control points are dispersed and disorganized. The
fPi ji 0; : : : ng, weights fwi ≥ 0ji 0; : : : ng, and parameter var- weights vanish at control points far away from the surface points, and
iables f0 ≤ tj ≤ 1jj 0; : : : ; mg of rational Bézier curves, where n the parameter variables have to become highly nonuniform to adjust
is the Bézier degree, and the number of surface points to represent the the ill-behaved control points. To prevent Bézier-GAN from con-
curve is m 1. The last layer of the generator (the Bézier layer) verging to bad optima, we regularize these Bézier parameters.
converts this rational Bézier curve representation into discrete repre-
sentation x: 1. Control Points
Because the control points can be dispersed and disorganized,
Pn n i causing the weights and parameter variables to also behave abnor-
i0 i tj 1 − tj
n−i mally, one way to regularize control points is to keep them close
P i wi
xj P ; j 0; : : : ; m (4) together. We use the average and maximum Euclidean distance
n i between each two adjacent control points as a regularization term:
i0 i tj 1 − tj
n n−i w
i
1 XN X n
P s − P s
R1 G (6)
Since xj is differentiable with respect to fPi g, fwi g, and ftj g, we can Nn s1 i1 i i−1
1X N
R3 G kP s − Ps
n k (8)
N s1 0
1X N n o
R4 G max 0; −10 Ps s
0y − P ny (9)
N s1
where P s
iy denotes the y coordinate of the ith control point in the jth a) Stage 1
airfoil sample.
With the above regularization terms, the loss function of Bézier-
GAN becomes
X
4
min max VD; G − λ0 LI G; Q λr Rr G (10) b) Stage 2
G;Q D
r1
Fig. 4 Objective functions in both stages of two-stage optimization
(TSO).
where λi controls the weight of each corresponding regularization
term.
c† ; μz as a warm start, we optimize both c and z to refine the
near-optimal solution:
V. Two-Stage Optimization over the Bézier-GAN
c ; z arg minhc; z
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
Parameterization (12)
c;z
For a normal parameterization F (e.g., FFD), we can synthesize an
airfoil design x (i.e., the Cartesian coordinates of surface points) where hc; z fGc; z (Fig. 4b). We can then synthesize the
through some given parameters p (e.g., in FFD, p is the coordinates optimal shape x Gc ; z .
of control points). This synthesis process can be expressed as For the first-stage optimization (i.e., optimizing c), we want to
x Fp. The CFD simulator is also a function f that maps a design quickly find a good solution c† near the true underlying optimum. In
x to its performance metric y (e.g., the drag coefficient). We can write
this paper we use an SBO method called efficient global optimization
this process as y fx fFp. The optimization problem can
(EGO) [41]. This method minimizes the number of function evalu-
be expressed as
ations by only evaluating at the point that shows the maximum
expected improvement (EI) [41]. The value of EI is estimated by a
miny fFp
p Gaussian process (GP) regressor [43]. At each iteration of EGO we
want to find a latent code that is expected to best improve upon the
If we use Bézier-GAN’s generator G as a parameterization, there current optimum and then evaluate at that point. Because it is also
will be two sets of parameters we must optimize over: the latent code possible to have latent codes corresponding to invalid designs, we are
c and the noise variables z. The synthesis process can be written as dealing with a constrained SBO problem. Inspired by Refs. [64,65],
x Gc; z. Thus, the optimization becomes we solve the following constrained optimization problem at each
iteration:
miny fGc; z
c;z
max EIc PrCc
c
But instead of optimizing c and z simultaneously, we propose a s:t: PrCc ≥ 0.5 (13)
TSO designed to exploit Bézier-GAN’s two-level parameterization
for faster convergence toward good solutions (Algorithm 1).
Because we maximize the mutual information of the lower bound where Cc is an indicator of feasibility at c (i.e., whether the con-
between the latent codes and the generated design, the latent codes c straints are satisfied or whether the objective function has definition).
will capture major shape variations, whereas minor variations are In practice, we use a GP classifier [43] to estimate PrCc, where
controlled by the noise z. This is further demonstrated in Sec. VI. Cc 0 indicates the shape x Gc; μz is self-intersecting or the
This two-level representation allows us to perform design space CFD simulation on shape x is not successful. At each iteration t, we
exploration in a more efficient way. Specifically, we first optimize find the solution ct to Eq. (13) and evaluate at ct . The hyper-
c with fixed z to quickly find a near-optimal solution c† : parameters of both the GP regressor and the GP classifier are opti-
mized by maximizing the log marginal likelihood (LML). We direct
c† arg mingc (11) interested readers to [43] for details of implementing a GP regressor/
c classifier and using LML for hyperparameter optimization.
The last iteration of the first-stage optimization provides a latent code
where gc fGc; μz and μz Ez∼Pz z (Fig. 4a). When Pz is a c† that roughly locks down the major features of an optimal design. The
normal distribution centered at 0, we have μz 0. Then using true optimal latent code is likely to be near c†. The second-stage
optimization then refines this solution by jointly optimizing c ∈ Rd and exhibit smooth curvature profiles. We compute the curvature at a
0
z ∈ Rd . We set z ∼ Pz N μz ; Σz , which means that to synthesize surface point xt; yt via
realistic designs we need to sample z near μz. Thus, in the second stage,
we start from c† ; μz and use GA to search for a refined solution. x_ y −x y_
κt (14)
x_ 2 y_ 2 3∕2
VI. Experiment: Airfoil Synthesis and Shape
where x, y, and their derivatives can be obtained from Eq. (4), given
Optimization
control points P1 ; : : : ; Pn and weights w1 ; : : : ; wn as the generator’s
In this section, we test the performance of the Bézier-GAN as a intermediate layer output. We also visualize the control points and the
parameterization in two aspects: 1) representation capacity, or the weights in Fig. 7. If one needs to constrain the curvature (e.g., to
ability to cover the design space, and 2) representation compactness, improve aerodynamic performance, reduce simulation complexity, or
or the ability of using the least number of parameters to cover a satisfy manufacturing tolerances), we can add another regularization
sufficient design space while every point in the parametric space term that contains κt to Bézier-GAN’s loss function in Eq. (10).
maps to a valid design. However, this is beyond the scope of the current work and we leave it
for future study.
A. Dataset and Preprocessing To study the effects of latent/noise dimensions on the Bézier-GAN
We use the UIUC airfoil database¶ as our training data for the parameterization and the optimization performance, we trained
Bézier-GAN. It provides the geometries of approximately 1600 real- multiple Bézier-GANs with different combinations of latent dimen-
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
world airfoil designs that cover applications from low-Reynolds- sion (d 2; 4; 6; 8; 10) and noise dimension (d 0 0; 10; 20). We
number airfoils for UAVs and model aircraft to jet transports and used kernel maximum mean discrepancy (MMD) [71] to evaluate the
wind turbines. Each design is represented by discrete 2D coordinates quality of generated designs. The MMD metric measures how well
along their upper and lower surfaces. From the dataset, we removed our generator approximates the real data distribution:
outliers with unrealistic appearance. The number of coordinates for
each airfoil is inconsistent across the database, so we use B-spline MMD2 Pdata ; PG
interpolation to obtain consistent shape representations. Specifically,
we interpolate 192 points over each airfoil with the concentration of Exd ;xd0 ∼Pdata ;xg ;xg0 ∼PG kxd ; xd0 − 2kxd ; xg kxg ; xg0 (15)
these points along the B-spline curve based on the curvature [47]. The
preprocessed data are visualized at the top of Fig. 5. We have where kx; x 0 exp−kx − x 0 k2 ∕2σ 2 is a Gaussian kernel and σ
published the preprocessed data and the code for reproducing the is the kernel length scale that was set to 1.0. A lower MMD indicates
experimental results.** that the generator is better at generating realistic designs. Results
shown in Fig. 8 were collected via 10 runs for each latent and noise
B. Bézier-GAN Parameterization dimension configuration. It indicates that the latent dimension plays a
The latent codes and the noise were concatenated and fed into the key role in improving the generator. Also, no significant improve-
generator. The generator has two branches: one generates control ment is shown after the latent dimension reaches eight, indicating that
points and weights through dense layers and deconvolutional layers major features of the airfoil geometry can be adequately encoded with
[66] and the other generates parameter variables via only dense eight latent variables. Ideally, one would expect lower MMD values
layers. The Bézier layer combines the outputs of the two branches when the noise dimension is larger, as the noise can encode minor
and synthesizes 2D point coordinates along the surface curve. The features that are not captured by latent codes. However, in our results
discriminator takes in the coordinates and predicts the source of the that was true only when the latent dimension was two. One explan-
input and the latent codes with dense layers and convolutional layers. ation for this is that increasing the number of latent dimensions leaves
Batch normalization and Leaky ReLU activation were used at each less room for the noise variables to control meaningful shape varia-
intermediate layer. The number of training steps was 10,000 and the tion, as the latent codes have a higher priority of capturing shape
batch size was 32. We set Pc Unif0; 1 and Pz N 0; 0:5I. variation than the noise variables. Thus, the noise variables are less
The detailed implementation of Bézier-GAN can be found in our effective when the latent dimension is high.
code. For the loss function shown in Eq. (10), we used λ0 1 and We benchmark Bézier-GAN against three state-of-the-art parame-
λ1 λ2 λ3 λ4 10. We trained the Bézier-GAN using an terization approaches, namely, GMDV [24], SVD [20], and FFD
Adam optimizer [67] on a Nvidia Titan X GPU. The wall-clock [8,25]. We also perform a fitting test to evaluate a parameterization’s
training time is about 1 h, and the inference takes less than 15 s. ability to recover a wide range of existing airfoil designs. Specifically,
Figure 5 shows the synthesized airfoils by linearly interpolating we perform least-squares fitting to match the synthesized airfoils with
points in the latent space and the noise space using a trained Bézier- the UIUC airfoils under different parameterizations and numbers of
GAN. The 3D latent space captured large shape variations with design variables. The results are shown in Fig. 9 (we set Bézier-GAN’s
respect to features such as thickness and camber/cord line curvature. noise dimension to 10). Lower mean square error (MSE) indicates
Those are major features of the airfoil geometry. In contrast, shapes in better coverage of the UIUC data. Note that the fitting performance
the noise space show only small variations when fixing the latent is biased toward SVD and GMDV and will not solely depend on the
codes. This indicates that the noise space captured minor features. design space coverage, because both SVD and GMDV have analytical
Figure 6 compares synthesized shapes during the training proc- solutions to the least-squares problem, whereas Bézier-GAN’s solu-
esses of a Bézier-GAN and an InfoGAN. It demonstrates that the tion is approximate. This approximation is because the fitting problem
Bézier-GAN converged smooth and realistic airfoil shapes in far is nonanalytical and nonconvex for Bézier-GAN, requiring iterative
fewer training samples compared with the InfoGAN. methods to find the (possibly suboptimal) least-squares fit. Although
One other advantage of the Bézier-GAN over an InfoGAN or other this hinders Bézier-GAN fitting performance on the training data,
discrete parameterizations like SVD [20] is that it synthesizes continu- it will not necessarily affect its performance in design optimization,
ous Bézier curves through the Bézier layer, rather than directly gen- as we show in the next section. The fitting results show that all the
erating discrete surface point representations. This means that the tested methods converge to a plateau as the number of variables
resultant shapes will always have continuous curvature. This guarantee increases. As shown in Fig. 9a, SVD has the lowest MSE, which is
benefits aerodynamic performance, because past work has shown that reasonable as it uses UIUC airfoils as training data and we can obtain
aerodynamic performance is strongly dependent on the shape’s curva- the exact optima of the least-squares problem. Bézier-GAN with fixed
ture continuity [68–70]. As Fig. 7 shows, the synthesized airfoils noise has a result similar to GMDV. In Fig. 9b, we show two scenarios:
1) we only optimize latent codes and fix noise variables during
¶
https://github.com/IDEALLab/bezier-gan. the least-squares fitting, and 2) we optimize both latent and noise
**http://m-selig.ae.illinois.edu/ads/coord_database.html. variables. The figure shows that as the latent dimension increases,
CHEN, CHIU, AND FUGE 4729
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
Fig. 5 Examples in the airfoil database and synthesized airfoil shapes in the latent space and the noise space (visualized by uniform slices of multiple two-
dimensional spaces).
Fig. 6 Synthesized shapes during the training processes for an InfoGAN (left) and a Bézier-GAN (right).
Fig. 7 Control points (square markers with sizes indicating the magnitudes of weights w) and curvatures of three randomly synthesized airfoils.
a) b)
Fig. 9 The fitting test results showing the performance of recovering the UIUC airfoils.
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
Fig. 10 Comparison of parameterizations’ performance spaces under random samples. Note that the plots are in different scales.
large portion of invalid performances, where shapes are self- The coverage of the design space and the performance space
intersecting or cause unsuccessful simulations (denoted by CL indicate the level of representation capacity. Another crucial property
CD 0). Both GMDV and FFD have larger coverage of the perfor- of a parameterization is its representation compactness, which indi-
mance space compared with the input data. This is expected because cates the proportion of useful designs in its design space. Figure 11
GMDVand FFD are not explicitly trained on the input data, and thus shows airfoils synthesized by randomly sampling points under differ-
their parameterizations readily sample designs far beyond the origi- ent parameterizations (i.e., random samples of the design space).
nal design space. Specifically, the Bézier-GAN airfoils are synthesized by using latent
a) b)
Fig. 12 Optimization results for Bézier-GAN parameterization with (i.e., two-stage optimization or TSO) and without (i.e., one-stage optimization or
OSO) refining the noise variables. The noise dimension was set to 10.
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
Figure 14 shows that although the noise dimension cannot affect noise dimension goes up, the representation capability will go up
the optimization performance as significantly as the latent dimension (which leads to an improved final optimal solution under the noise
does, having noise variables is still better than not. Note that as the dimension of 10 over 0), but the optimization convergence may slow
due to a reduced representation compactness and the curse of dimen-
sionality; for example, using a noise dimension of 20 converged
slower than when using 10.
We also compared our method to several state-of-the-art parameter-
ization methods (Fig. 15). The latent and noise dimensions of Bézier-
GAN were set to 8 and 10, respectively. For GMDV and SVD, we set
the number of design variables to 8 and 9, respectively, according to
their elbow points in the fitting test results (Fig. 9). We used 3 × 4
control points for FFD, according to Ref. [8]. The design variable
bounds for GMDV were set according to Ref. [24]. For SVD, we set the
design variable bounds as the minimum bounding box of design
variables corresponding to the database. For FFD, the design variable
bounds were 0.2 perturbation of the NACA 0012 airfoil. When
Fig. 14 Optimization history under Bézier-GAN parameterization with performing GA, the population size was 100, and the chance of
different noise dimensions. The latent dimension was fixed to 8. mutation (i.e., the probability of mutating an individual’s parameter)
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
the Bézier-GAN results comes not only from the optimization proc- implied, of the Defense Advanced Research Projects Agency or the
ess but also the trained Bézier-GAN model, because the training Department of Defense.
process is stochastic.
References
VII. Conclusions [1] Larsson, J., and Wang, Q., “The Prospect of Using Large Eddy and
Detached Eddy Simulations in Engineering Design, and the Research
The Bézier-GAN is used as a new parameterization for aerody- Required to Get There,” Philosophical Transactions of the Royal Soci-
namic designs that possesses high representation compactness and ety A: Mathematical, Physical and Engineering Sciences, Vol. 372,
sufficient representation capacity. The latent codes and noise varia- No. 2022, 2014, Paper 20130329.
bles encode major and minor shape variations, respectively. This https://doi.org/10.1098/rsta.2013.0329
paper then proposes using this parameterization as part of a two- [2] Bellman, R., “Dynamic Programming,” Science, Vol. 153, No. 3731,
stage design optimization method. Our results show that the Bézier- 1966, pp. 34–37.
GAN accelerates convergence and finds optimal designs with higher https://doi.org/10.1126/science.153.3731.34
[3] Regier, J. C., and Stark, P. B., “Mini-Minimax Uncertainty Quantifica-
performance than those found by other state-of-the-art parameter-
tion for Emulators,” SIAM/ASA Journal on Uncertainty Quantification,
ization methods. Vol. 3, No. 1, 2015, pp. 686–708.
It is believed that this phenomenon is induced by the representation https://doi.org/10.1137/130917909
capacity and compactness of parameterizations and is independent of [4] Koziel, S., and Leifsson, L., “Multi-Level Surrogate-Based Airfoil
the specific CFD approach used to evaluate the airfoil. That is, a space Shape Optimization,” 51st AIAA Aerospace Sciences Meeting including
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
that better describes airfoil variation should help during optimization, the New Horizons Forum and Aerospace Exposition, AIAA Paper 2013-
even if such a space was not directly designed to aid in that task. It is 778, 2013.
agreed though that the simulation environment in this paper is simple https://doi.org/10.1016/j.procs.2013.05.254
and that it is admittedly assumed that one would see similar optimi- [5] Anderson, G. R., Nemec, M., and Aftosmis, M. J., “Aerodynamic Shape
Optimization Benchmarks with Error Control and Automatic Parame-
zation improvements under different performance evaluators, such as
terization,” 53rd AIAA Aerospace Sciences Meeting, AIAA Paper 2015-
more advanced CFD. Likewise, it is only demonstrated this for 2D 1719, 2015.
airfoils, and this hypothesis has not been explicitly tested on 3D https://doi.org/10.2514/6.2015-1719
surfaces or larger wing segments. It is expected that, in 3D with even [6] Fusi, F., Quaranta, G., Guardone, A., and Congedo, P. M., “Drag
greater design freedom, representations with better compactness and Minimization of an Isolated Airfoil in Transonic Inviscid Flow by
coverage would become even more important. However, this has not Means of Genetic Algorithms,” 53rd AIAA Aerospace Sciences Meet-
been tested, and it might be an excellent area for future research. ing, AIAA Paper 2015-1722, 2015.
In general, having a parameterization that separates major and minor https://doi.org/10.2514/6.2015-1722
shape deformation is useful for design optimization. Parameters with [7] Amrit, A., Leifsson, L. T., Koziel, S., and Tesfahunegn, Y. A., “Effi-
cient Multi-Objective Aerodynamic Optimization by Design Space
larger impact on the geometry can have higher priority during opti-
Dimension Reduction and Co-Kriging,” 17th AIAA/ISSMO Multidis-
mization, such that major features, which are usually the primary cause ciplinary Analysis and Optimization Conference, AIAA Paper 2016-
of the performance change, can be determined first. Although in this 3515, 2016.
paper a two-way partitioning of design parameters is used, in an ideal https://doi.org/10.2514/6.2016-3515
case one would have all parameters ordered with respect to their [8] Masters, D. A., Taylor, N. J., Rendall, T., Allen, C. B., and Poole, D. J.,
importance on the geometry. Some linear DR methods like SVD can “Geometric Comparison of Aerofoil Shape Parameterization Methods,”
learn ordered representations. Efforts have also been made to extend AIAA Journal, Vol. 55, No. 5, 2017, pp. 1575–1589.
this capability to nonlinear methods [74]. Yet so far, to the best of our https://doi.org/10.2514/1.J054943
knowledge, there is no equivalent for deep generative models. Related [9] Lukaczyk, T. W., Constantine, P., Palacios, F., and Alonso, J. J., “Active
Subspaces for Shape Optimization,” 10th AIAA Multidisciplinary
to this, one would need a novel global optimization method to effi-
Design Optimization Conference, AIAA Paper 2014-1171, 2014.
ciently optimize the ordered parameters. Future research can fill in https://doi.org/10.2514/6.2014-1171
these gaps. [10] Berguin, S. H., and Mavris, D. N., “Dimensional Design Space Explora-
Although only the Bézier-GAN’s capability to parameterize air- tion of Expensive Functions with Access to Gradient,” 15th AIAA/ISSMO
foils is demonstrated here, this new generative model can be also Multidisciplinary Analysis and Optimization Conference, AIAA Paper
trained to synthesize other smooth geometries such as hydrodynamic 2014-2174, 2014.
shapes. https://doi.org/10.2514/6.2014-2174
In this paper, EGO and GA are used in the first-stage and second- [11] Berguin, S. H., and Mavris, D. N., “Dimensionality Reduction in
stage optimization, respectively. There are other ways to improve the Aerodynamic Design Using Principal Component Analysis with Gra-
dient Information,” 10th AIAA Multidisciplinary Design Optimization
optimal solution while maintaining fast convergence. For example,
Conference, AIAA Paper 2014-0112, 2014.
the optimum obtained by our method can be used as a good start point https://doi.org/10.2514/6.2014-0112
for gradient-based optimization methods (e.g., as in the work of [12] Berguin, S. H., Rancourt, D., and Mavris, D. N., “Method to Facilitate
Berguin et al. [12]). For future research, a trained Bézier-GAN High-Dimensional Design Space Exploration Using Computationally
generator and an automatic differentiation solver can be concatenated Expensive Analyses,” AIAA Journal, Vol. 53, No. 12, 2015, pp. 3752–
to obtain the gradient of the performance with respect to each of the 3765.
latent codes and noise variables directly. In this way, gradients can be https://doi.org/10.2514/1.J054035
propagated to the reduced representation and help solve gradient- [13] Grey, Z. J., and Constantine, P. G., “Active Subspaces of Airfoil Shape
based optimization problems on the compact reduced space. Parameterizations,” AIAA Journal, Vol. 56, No. 5, 2018, pp. 2003–2017.
https://doi.org/10.2514/1.J056054
Overall, it is our hope that this paper highlights the promising
[14] Viswanath, A., Forrester, A. I., and Keane, A. J., “Dimension Reduction
directions that learned geometric parameterizations can play in shape for Aerodynamic Design Optimization,” AIAA Journal, Vol. 49, No. 6,
and design optimization more generally, and how future work in such 2011, pp. 1256–1266.
techniques can complement traditional optimization methods used https://doi.org/10.2514/1.J050717
by the optimization community. [15] Viswanath, A., Forrester, A., and Keane, A., “Constrained Design
Optimization Using Generative Topographic Mapping,” AIAA Journal,
Vol. 52, No. 5, 2014, pp. 1010–1023.
Acknowledgments https://doi.org/10.2514/1.J052414
[16] Cinquegrana, D., and Iuliano, E., “Efficient Global Optimization of a
This work was supported by the Defense Advanced Re- Transonic Wing with Geometric Data Reduction,” 35th AIAA Applied
search Projects Agency (grant numbers 16-63-YFA-FP-059 and Aerodynamics Conference, AIAA Paper 2017-3057, 2017.
HR00111820009). The views, opinions, and/or findings contained https://doi.org/10.2514/6.2017-3057
in this paper are those of the authors and should not be interpreted [17] Cinquegrana, D., and Iuliano, E., “Investigation of Adaptive De-
as representing the official views or policies, either expressed or sign Variables Bounds in Dimensionality Reduction for Aerodynamic
4734 CHEN, CHIU, AND FUGE
Shape Optimization,” Computers & Fluids, Vol. 174, Sept. 2018, and Technology, Vol. 32, No. 7, 2018, pp. 3191–3199.
pp. 89–109. https://doi.org/10.1007/s12206-018-0622-x
https://doi.org/10.1016/j.compfluid.2018.07.012 [36] Skinner, S., and Zare-Behtash, H., “State-of-the-Art in Aerodynamic
[18] Yasong, Q., Junqiang, B., Nan, L., and Chen, W., “Global Aerodynamic Shape Optimisation Methods,” Applied Soft Computing, Vol. 62, Jan.
Design Optimization Based on Data Dimensionality Reduction,” Chi- 2018, pp. 933–962.
nese Journal of Aeronautics, Vol. 31, No. 4, 2018, pp. 643–659. https://doi.org/10.1016/j.asoc.2017.09.030
https://doi.org/10.1016/j.cja.2018.02.005 [37] Tandis, E., and Assareh, E., “Inverse Design of Airfoils via an Intelligent
[19] Li, J., Bouhlel, M. A., and Martins, J., “A Data-Based Approach for Fast Hybrid Optimization Technique,” Engineering with Computers, Vol. 33,
Airfoil Analysis and Optimization,” 2018 AIAA/ASCE/AHS/ASC Struc- No. 3, 2017, pp. 361–374.
tures, Structural Dynamics, and Materials Conference, AIAA Paper https://doi.org/10.1007/s00366-016-0478-6
2018-1383, 2018. [38] Jahangirian, A. R., and Ebrahimi, M., “Airfoil Shape Optimization with
https://doi.org/10.2514/1.J057129 Adaptive Mutation Genetic Algorithm,” Journal of Aerospace Science and
[20] Poole, D. J., Allen, C. B., and Rendall, T., “Efficient Aero-Structural Technology, Vol. 11, No. 1, 2017, pp. 47–59, http://jast.ias.ir/article_51638
Wing Optimization Using Compact Aerofoil Decomposition,” AIAA .html.
Scitech 2019 Forum, AIAA Paper 2019-1701, 2019. [39] Liu, Z., Liu, X., and Cai, X., “A New Hybrid Aerodynamic Optimization
https://doi.org/10.2514/6.2019-1701 Framework Based on Differential Evolution and Invasive Weed Optimiza-
[21] Chen, W., Chiu, K., and Fuge, M., “Aerodynamic Design Optimization tion,” Chinese Journal of Aeronautics, Vol. 31, No. 7, 2018, pp. 1437–1448.
and Shape Exploration Using Generative Adversarial Networks,” AIAA https://doi.org/10.1016/j.cja.2018.05.002
Scitech 2019 Forum, AIAA Paper 2019-2351, 2019. [40] Ray, T., and Tsai, H., “Swarm Algorithm for Single- and Multiobjective
https://doi.org/10.2514/6.2019-2351 Airfoil Design Optimization,” AIAA Journal, Vol. 42, No. 2, 2004,
Kingma, D. P., and Welling, M., “Auto-Encoding Variational Bayes,” arXiv
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
Vol. 41, Nos. 7–8, 2010, pp. 923–930. [66] Zeiler, M. D., Krishnan, D., Taylor, G. W., and Fergus, R., “Deconvolu-
https://doi.org/10.1016/j.advengsoft.2010.05.002 tional Networks,” 2010 IEEE Conference on Computer Vision and
[55] Chen, W., Fuge, M., and Chazan, N., “Design Manifolds Capture the Pattern Recognition (CVPR), Inst. of Electrical and Electronics Engi-
Intrinsic Complexity and Dimension of Design Spaces,” Journal of neers, New York, 2010, pp. 2528–2535.
Mechanical Design, Vol. 139, No. 5, 2017, Paper 051102. https://doi.org/10.1109/CVPR.2010.5539957
https://doi.org/10.1115/1.4036134 [67] Kingma, D. P., and Ba, J., “Adam: A Method for Stochastic Optimiza-
[56] Welch, W. J., Buck, R. J., Sacks, J., Wynn, H. P., Mitchell, T. J., and tion,” arXiv preprint arXiv:1412.6980, 2014, https://arxiv.org/pdf/1412
Morris, M. D., “Screening, Predicting, and Computer Experiments,” .6980.pdf.
Technometrics, Vol. 34, No. 1, 1992, pp. 15–25. [68] Korakianitis, T., Rezaienia, M., Hamakhan, I., Avital, E., and Williams,
https://doi.org/10.2307/1269548 J., “Aerodynamic Improvements of Wind-Turbine Airfoil Geometries
[57] Myers, R. H., and Montgomery, D. C., Response Surface Methodology: with the Prescribed Surface Curvature Distribution Blade Design
Process and Product in Optimization Using Designed Experiments, 1st (CIRCLE) Method,” Journal of Engineering for Gas Turbines and
ed., Wiley, New York, 1995, Chap. 8. Power, Vol. 134, No. 8, 2012, Paper 082601.
https://doi.org/10.5555/546074 https://doi.org/10.1115/1.4005969
[58] Allen, C. B., Poole, D. J., and Rendall, T. C., “Wing Aerodynamic Opti- [69] Song, Y., Gu, C.-W., and Xiao, Y.-B., “Numerical and Theoretical
mization Using Efficient Mathematically-Extracted Modal Design Varia- Investigations Concerning the Continuous-Surface-Curvature Effect in
bles,” Optimization and Engineering, Vol. 19, No. 2, 2018, pp. 453–477. Compressor Blades,” Energies, Vol. 7, No. 12, 2014, pp. 8150–8177.
https://doi.org/10.1007/s11081-018-9376-7
https://doi.org/10.3390/en7128150
[59] Lee, J. A., and Verleysen, M., Nonlinear Dimensionality Reduction,
[70] Shen, X., Avital, E., Paul, G., Rezaienia, M. A., Wen, P., and
Springer Science & Business Media, Berlin, 2007.
Korakianitis, T., “Experimental Study of Surface Curvature Effects on
Downloaded by UNIVERSITY OF GLASGOW on November 1, 2020 | http://arc.aiaa.org | DOI: 10.2514/1.J059317
https://doi.org/10.1007/978-0-387-39351-3
Aerodynamic Performance of a Low Reynolds Number Airfoil for Use
[60] Goodfellow, I., Bengio, Y., Courville, A., and Bengio, Y., Deep Learning,
in Small Wind Turbines,” Journal of Renewable and Sustainable
Vol. 1, MIT Press, Cambridge, MA, 2016, Chaps. 14, 20, http://www
.deeplearningbook.org. Energy, Vol. 8, No. 5, 2016, Paper 053303.
[61] Chen, X., Duan, Y., Houthooft, R., Schulman, J., Sutskever, I., and https://doi.org/10.1063/1.4963236
Abbeel, P., “Infogan: Interpretable Representation Learning by Infor- [71] Gretton, A., Borgwardt, K. M., Rasch, M. J., Schölkopf, B., and Smola,
mation Maximizing Generative Adversarial Nets,” Advances in Neural A., “A Kernel Two-Sample Test,” Journal of Machine Learning
Information Processing Systems, Curran Associates, Inc., New York, Research, Vol. 13, March 2012, pp. 723–773.
2016, pp. 2172–2180. https://doi.org/10.5555/2503308.2188410
https://doi.org/10.5555/3157096.3157340 [72] Drela, M., “XFOIL: An Analysis and Design System for Low Reynolds
[62] Comon, P., “Independent Component Analysis, A New Concept?” Number Airfoils,” Low Reynolds Number Aerodynamics, edited by
Signal Processing, Vol. 36, No. 3, 1994, pp. 287–314. Mueller, T. J., Springer, Berlin, 1989, pp. 1–12.
https://doi.org/10.1016/0165-1684(94)90029-9 https://doi.org/10.1007/978-3-642-84010-4_1
[63] Chen, W., and Fuge, M., “BézierGAN: Automatic Generation of Smooth [73] Lepine, J., Trepanier, J.-Y., and Pepin, F., “Wing Aerodynamic Design
Curves from Interpretable Low-Dimensional Parameters,” arXiv preprint Using an Optimized NURBS Geometrical Representation,” 38th Aero-
arXiv:1808.08871, 2018, https://arxiv.org/abs/1808.08871. space Sciences Meeting and Exhibit, AIAA Paper 2000-669, 2000.
[64] Basudhar, A., Dribusch, C., Lacaze, S., and Missoum, S., “Constrained https://doi.org/10.2514/6.2000-669
Efficient Global Optimization with Support Vector Machines,” Structural [74] Rippel, O., Gelbart, M., and Adams, R., “Learning Ordered Represen-
and Multidisciplinary Optimization, Vol. 46, No. 2, 2012, pp. 201–221. tations with Nested Dropout,” International Conference on Machine
https://doi.org/10.1007/s00158-011-0745-5 Learning, Omnipress, Wisconsin, 2014, pp. 1746–1754.
[65] Gelbart, M. A., Snoek, J., and Adams, R. P., “Bayesian Optimization with https://doi.org/10.5555/3044805.3045087
Unknown Constraints,” Proceedings of the Thirtieth Conference on Uncer-
tainty in Artificial Intelligence, AUAI Press, Oregon, 2014, pp. 250–259. C. Pettit
https://doi.org/10.5555/3020751.3020778 Associate Editor