Next Article in Journal
Enhanced Wavelet Scattering Network for Image Inpainting Detection
Previous Article in Journal
Power Quality Analysis of a Microgrid-Based on Renewable Energy Sources: A Simulation-Based Approach
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Brief Report

Preliminary Study of Airfoil Design Synthesis Using a Conditional Diffusion Model and Smoothing Method

1
Department of Systems Innovation, The University of Tokyo, Tokyo 113-8654, Japan
2
Department of Environment Systems, The University of Tokyo, Tokyo 113-8654, Japan
*
Author to whom correspondence should be addressed.
Computation 2024, 12(11), 227; https://doi.org/10.3390/computation12110227
Submission received: 26 September 2024 / Revised: 29 October 2024 / Accepted: 30 October 2024 / Published: 13 November 2024
(This article belongs to the Section Computational Engineering)

Abstract

:
Generative models such as generative adversarial networks and variational autoencoders are widely used for design synthesis. A diffusion model is another generative model that outperforms GANs and VAEs in image processing. It has also been applied in design synthesis, but was limited to only shape generation. It is important in design synthesis to generate shapes that satisfy the required performance. For such aims, a conditional diffusion model has to be used, but has not been studied. In this study, we applied a conditional diffusion model to the design synthesis and showed that the output of this diffusion model contains noisy data caused by Gaussian noise. We show that we can conduct flow analysis on the generated data by using smoothing filters.

1. Introduction

In the process of shape design, it is common practice to develop an initial shape that satisfies the desired properties and refine their shapes incrementally. However, this process often relies on the subjective expertise and intuition of designers, leading to challenges such as difficulty in discovering novel shapes and the occurrence of rework due to the initial shapes not meeting the desired performance. The mathematical optimization methods can be used for design optimization [1], but they require the initial shapes to start the computation. To address these challenges, research has been conducted to introduce machine learning into the design process.
In the field of design using machine learning, with the advancement of deep learning, the number of studies utilizing deep generative models has increased. Generative adversarial networks (GAN) and variational autoencoders (VAE) are commonly used [2,3,4,5,6,7,8]. Generative models are utilized in a wide variety of design tasks, including automotive [9], motor [10], ship hull [11], and chair designs [12]. Among their many applications, an airfoil shape generation task is widely employed as a benchmark example, especially in generating shapes that meet performance criteria such as lift coefficients [2,13].
One difficulty in generative models to be used for design synthesis is that the generated shapes exhibit noisy lines. Ref. [2] reported such noisy lines and used filters to smoothen lines. Ref. [6] used stabilization techniques for training and obtained smooth shapes without any smoothing. The other difficulty is that although the aim of design synthesis is to obtain shapes that meet the requirements, the generated shape sometimes does not satisfy the requirements. To overcome this issue, a physics-guided model was proposed in [14].
Recently, diffusion models [15,16] have attracted attention with the advent of models enabling the conversion from text to images, such as stable diffusion [17] and DALL-E2 [18]. Such diffusion models are now widely used in many fields, including computer vision [19], object detection [20], bioinformatics [21], voice conversion [22], and density-based designs such as topology optimization [23,24]. Some studies, such as [25], compared diffusion models with other generative models, i.e., VAE and GAN, using image generation tasks, and reported that the diffusion model outperforms other models. Diffusion models have also been utilized for airfoil shape generation [26]. However, in such studies, only shapes are generated, regardless of the model’s performance. In the design synthesis, it is mandatory to obtain shapes that meet the performance requirements. For such an aim, a conditional diffusion model can be used, but it is not known whether the conditional diffusion model also exhibits the same issues as GAN and VAE, i.e., the issue of noisy lines and accuracy of requirements. In this study, we explore the application of diffusion models to airfoil shape generation, aiming to reveal the issues and provide insights. In this study, a denoising diffusion probabilistic model (DDPM) [27] is employed and used as a conditional diffusion model.
The present paper is organized as follows. In Section 2, the diffusion model is introduced. In Section 3, the architecture of the diffusion model is described. In Section 4, the numerical experiments and comparison with other generative models are described. Section 5 concludes this paper.

2. Diffusion Model

The learning process of diffusion models is divided into the forward process and reverse process, as shown in Figure 1. The process from x T to x 0 is called a reverse process. The reverse process is modeled by a Markov chain, which implies that the state x t 1 is determined only by x t ;
p θ x t 1 x t = N x t 1 ; μ θ x t , t , Σ θ x θ , t
p θ ( x 0 : T ) = p ( x T ) Π t = 1 T p θ x t 1 x t .
The forward process, or diffusion process, is also a Markov chain, In the diffusion process, noise is added to the original data x t according to a variance schedule β 1 , , β T . The diffusion process is modeled as
q ( x 1 : T ) = Π t = 1 T q x t x t 1 ,
q ( x t x t 1 ) = N x t ; 1 β t x t 1 , β t I .
The training is performed by optimizing the variational bound on negative log-likelihood E log p θ x 0 L , where the objective function L is formulated as
L = E q log p θ x 0 : T q x 1 : T x 0 = E q log p x T Σ t 1 log p θ x t 1 x t q x t x t 1 .
By using the Kullback–Leibler divergence ( D KL ) to directly compare p θ ( x t 1 | x t ) with the forward process posterior q ( x t 1 | x t , x 0 ) , the upperbound L is rewritten as
L = E q D KL q x T | x 0 | | p ( x T ) + Σ t > 1 D KL ( q ( x t 1 | x t , x 0 ) | | p θ ( x t 1 | x t ) ) log p θ ( x 0 | x 1 )
On the other hand, the inverse process is a process that uses a neural network-parametrized probability model. In the inverse process, the model learns to predict the noise ε t added to the data x t after t steps of the diffusion process. During inference, noise sampled from a multidimensional standard normal distribution N ( 0 , 1 ) is applied to x T . By denoising these samples through the inverse process for T steps, new data x 0 can be generated. The U-Net structure [28] is commonly used in the neural network of the inverse process. While originally devised for semantic segmentation, U-Net’s ability to extract information from inputs and return outputs of the same size makes it applicable to the inverse process.
We use the airfoil design task as a benchmark problem for comparison with other generative models. Two types of conditional diffusion models were trained: one uses liner fully connected layers, and the other uses convolutional layers. These two models use the same hyperparameters, as shown in Table 1. We used the classifier-free diffusion guidance [29] as the conditional diffusion model. The schematics of the conditional diffusion model applied to the airfoil geneation are illustrated in Figure 2.

3. Dataset and Evaluation

3.1. Dataset

The airfoil dataset used in this study was based on the NACA 4-digit series airfoils. These airfoils are defined by three parameters: the first digit represents the percentage of maximum camber relative to the chord length, the second digit represents the tenth percentile of the chord length for the maximum camber position, and the third and fourth digits represent the percentage of maximum thickness relative to the chord length. This dataset was the same as that used in [8].
Additionally, Joukowski airfoils were also employed. For both NACA and Joukowski airfoils, the following preprocessing steps were applied. Firstly, 248 coordinates were obtained from these airfoil profiles (Figure 3). Subsequently, the lift coefficient of the airfoil was calculated using these coordinates. XFoil [30], an airfoil analysis software, was utilized for this purpose. XFoil takes the coordinates of each point on the airfoil as the input and provides the lift coefficient as the output. However, in cases where the calculations do not converge, XFoil returns NaN. Airfoil profiles with NaN lift coefficients were excluded. For NACA airfoils, values less than 0.5 and greater than 1.2 were also excluded. These processing steps addressed data with missing values and outlier removal, aiming to stabilize the training of neural networks. Finally, the data were standardized to have a mean of 0 and a variance of 1, where the mean and variance of the lift coefficients were 0.8776 and 0.2198, respectively. Standardization was applied to both the coordinates of the airfoil and the lift coefficients. This preprocessing step was also performed with the expectation of stabilizing neural network training.
As a result of these preprocessing steps, a dataset comprising 3767 pairs of airfoil profiles and lift coefficients was obtained. This dataset served as the training dataset for the experiments conducted in this study. The relationship between the frequency of lift coefficients is illustrated in Figure 4.

3.2. Evaluation Method

Evaluation metrics for the conditional generative model were based on four indicators. The first metric measured the proportion of generated airfoil shapes for which the lift coefficient calculations converged after 40 iterations using XFoil version 6.97. This indicator not only represented the percentage of computationally feasible lift coefficients among the generated shapes but also quantitatively assessed whether the generated shapes were sufficiently airfoil-like. The second through fourth metrics utilized only those cases for which the first evaluation metric converged.
The second metric was the mean squared error between the input lift coefficients provided to the conditional generative model and the lift coefficients of the generated airfoils. This metric measured the ability to generate airfoil shapes corresponding to the specified lift coefficients. This metric is defined as
L MSE = 1 N Σ i = 1 N C L c C L r 2 2 ,
where C L c and C L r are the specified class label and re-calculated lift coefficient.
The third metric was the mean squared error between each generated airfoil and the average of the generated airfoils, representing the variance of the generated airfoil shapes. This metric measured the diversity of the generated airfoil shapes and is presented as
μ = 1 N Σ i = 1 N x ¯ x i 2 2 ,
where x i is the generated data, and x ¯ is the mean of all generated data.
The fourth metric was the maximum squared error between each generated airfoil ( x i ) and its nearest training data ( d i ). This indicator produced a larger value if the generated airfoils exhibit shapes not present in the training data. Therefore, this metric provided a measure of the uniqueness of the generated airfoil shapes concerning the training data. It is formulated as
ν = max x i generated data min d j train data x i d j 2 2

4. Numerical Experiments

4.1. Conditional Diffusion Model with Linear Layers

We trained the conditional diffusion model with linear layers and generated data. The results of generated data are shown in Figure 5. The data were completely random and did not make any shapes. The linear layers were used in VAE and GANs for shape design synthesis [6,13]. The linear layer was also used in the diffusion model for a MNIST task, which is a relatively easy task. However, in the diffusion model used to generate airfoil shapes, it is revealed that the linear layer is not sufficient.

4.2. Conditional Diffusion Model with Convolution Layers

We trained the conditional diffusion model with convolutional layers and generated data. The results of generated data are shown in Figure 6. The generated data consisted of airfoil shapes, but the outline was a noisy shape. Since the outline was noisy, the XFoil calculation could not be conducted for the generated shapes. In the diffusion models, the Gaussian noise was contained in the generated data. As training progresses, the Gaussian noise is reduced, but in this study, the noise remained in the final output.
Such noisy shapes are also reported in [2], which uses GAN. One approach to remove noisy lines is to use the stabilization technique of GAN [6], which cannot be used for diffusion models. The other approach is to use smoothing filters [2]. We employed the second approach in this study.
In order to smoothen the outlines, we used a filter. Since we knew that the noise is caused by Gaussian noise, a moving average filter was suitable. The moving average filter is formulated as x ^ i = 1 2 N + 1 j = i N i + N x j . We used N = 7 in the following experiments. The filter was applied to the generated data and the smoothed shapes were obtained (Figure 7). The noise was reduced and the outline became smooth. Since the noise was caused by the Gaussian noise, the smoothed shape was located roughly at the center of the original data.
The evaluation results are shown in Table 2. L MSE was 0.489 , which is obviously larger than that of GAN (0.047) and VAE (0.017) [6]. The reason that the diffusion model shows such a large L MSE is because the moving average filter changes the airfoil shape (Figure 7). The error L MSE is attributed to two factors; one is the smoothing method, and the other is the generative model.

5. Conclusions

We have utilized DDPM to design the synthesis of airfoil shape generation. The generated outline contains noise, and the flow analysis cannot be conducted for the generated shapes. Hence, smoothing methods are necessary. Moving average methods are suitable since the noise is caused by the Gaussian noise of DDPM. One of the reasons for the instability of diffusion models comes from the small dataset size. The data used in this study consist of only 3767 data, which is smaller than average data size for diffusion models. The proposed model generates required shapes in a short time, which contributes to the design process.
In order to reduce noise, stabilization techniques are necessary. In addition, the loss function should be revised to add penalty terms for noisy lines. The accuracy of requirements, i.e., L MSE , should be reduced by using techniques of physics-informed neural networks.

Author Contributions

Conceptualization, K.Y.; methodology, K.Y.; software, K.Y. and Y.O.; validation, K.Y. and Y.O.; formal analysis, Y.O.; investigation, Y.O.; resources, K.Y.; data curation, Y.O.; writing—original draft preparation, K.Y.; writing—review and editing, K.Y.; visualization, K.Y. and Y.O.; supervision, K.Y. and M.A.; project administration, K.Y. and M.A.; funding acquisition, K.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This work is partially supported by JSPS KAKENHI grant number JP23K13239.

Data Availability Statement

Data are available upon request.

Conflicts of Interest

K.Y. is a board member of MJOLNIR SPACEWORKS, Co., Ltd. The remaining authors declare that the research was concluded in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Yonekura, K.; Hattori, H.; Shikada, S.; Maruyama, K. Turbine blade optimization considering smoothness of the Mach number using deep reinforcement learning. Inf. Sci. 2023, 642, 119066. [Google Scholar] [CrossRef]
  2. Achour, G.; Sung, W.J.; Pinon-Fischer, O.J.; Mavris, D.N. Development of a Conditional Generative Adversarial Network for Airfoil Shape Optimization. In Proceedings of the AIAA Scitech 2020 Forum, Orlando, FL, USA, 6–10 January 2020; p. 2261. [Google Scholar]
  3. Liu, Z.; Braun, J.; Paniagua, G. Three Dimensional Optimization for Subsonic Axial Turbines Operating at High Unsteady Inlet Mach Number. In Proceedings of the 2018 Joint Propulsion Conference, Cincinnati, OH, USA, 9–11 July 2018. AIAA 2018-4480. [Google Scholar]
  4. Nash, C.; Williams, C.K.I. The shape variational autoencoder: A deep generative model of part-segmented 3D objects. Comput. Graph. Forum 2017, 36, 1–12. [Google Scholar] [CrossRef]
  5. Umetani, N. Exploring Generative 3D Shapes Using Autoencoder Networks. In Proceedings of the SIGGRAPH Asia 2017 Technical Briefs, Bangkok Thailand, 27–30 November 2017; SA’17. Association for Computing Machinery: New York, NY, USA, 2017. [Google Scholar]
  6. Yonekura, K.; Miyamoto, N.; Suzuki, K. Inverse airfoil design method for generating varieties of smooth airfoils using conditional WGAN-gp. Struct. Multidiscip. Optim. 2022, 65, 173. [Google Scholar] [CrossRef]
  7. Yonekura, K.; Tomori, Y.; Suzuki, K. Airfoil generation and feature extraction using the conditional VAE-WGAN-gp. arXiv 2023, arXiv:2311.05445. [Google Scholar] [CrossRef]
  8. Yonekura, K.; Hattori, H.; Nishizu, T. Fluid topology optimization and additive manufacturing of a liquid atomizer using extensive number of grids. Struct. Multidiscip. Optim. 2023, 126, 1799–1806. [Google Scholar] [CrossRef]
  9. Radhakrishnan, S.; Bharadwaj, V.; Manjunath, V.; Srinath, R. Creative Intelligence—Automating Car Design Studio with Generative Adversarial Networks (GAN). In Machine Learning and Knowledge Extraction; Holzinger, A., Kieseberg, P., Tjoa, A.M., Weippl, E., Eds.; Springer: Cham, Swizterland, 2018; pp. 160–175. [Google Scholar]
  10. Shimizu, Y.; Morimoto, S.; Sanada, M.; Inoue, Y. Automatic Design System With Generative Adversarial Network and Convolutional Neural Network for Optimization Design of Interior Permanent Magnet Synchronous Motor. IEEE Trans. Energy Convers. 2023, 38, 724–734. [Google Scholar] [CrossRef]
  11. Yonekura, K.; Omori, K.; Qi, X.; Suzuki, K. Designing ship hull forms using generative adversarial networks. arXiv 2023, arXiv:2311.05470. [Google Scholar] [CrossRef]
  12. Liu, J.; Yu, F.; Funkhouser, T. Interactive 3D Modeling with a Generative Adversarial Network. In Proceedings of the 2017 International Conference on 3D Vision (3DV), Qingdao, China, 10–12 October 2017; pp. 126–134. [Google Scholar] [CrossRef]
  13. Yonekura, K.; Suzuki, K. Data-driven design exploration method using conditional variational autoencoder for airfoil design. Struct. Multidiscip. Optim. 2021, 64, 613–624. [Google Scholar] [CrossRef]
  14. Wada, K.; Suzuki, K.; Yonekura, K. Physics-guided training of GAN to improve accuracy in airfoil design synthesis. Comput. Methods Appl. Mech. Eng. 2024, 421, 116746. [Google Scholar] [CrossRef]
  15. Chang, Z.; Koulieris, G.A.; Shum, H.P.H. On the Design Fundamentals of Diffusion Models: A Survey. arXiv 2023, arXiv:2306.04542. [Google Scholar] [CrossRef]
  16. Sohl-Dickstein, J.; Weiss, E.; Maheswaranathan, N.; Ganguli, S. Deep Unsupervised Learning using Nonequilibrium Thermodynamics. In Proceedings of the 32nd International Conference on Machine Learning, Lille, France, 7–9 July 2015; Volume 37, pp. 2256–2265. [Google Scholar]
  17. Rombach, R.; Blattmann, A.; Lorenz, D.; Esser, P.; Ommer, B. High-Resolution Image Synthesis with Latent Diffusion Models. arXiv 2022, arXiv:2112.10752. [Google Scholar] [CrossRef]
  18. Ramesh, A.; Dhariwal, P.; Nichol, A.; Chu, C.; Chen, M. Hierarchical Text-Conditional Image Generation with CLIP Latents. arXiv 2022, arXiv:2204.06125. [Google Scholar] [CrossRef]
  19. Croitoru, F.A.; Hondru, V.; Ionescu, R.T.; Shah, M. Diffusion Models in Vision: A Survey. IEEE Trans. Pattern Anal. Mach. Intell. 2023, 45, 10850–10869. [Google Scholar] [CrossRef] [PubMed]
  20. Chen, S.; Sun, P.; Song, Y.; Luo, P. DiffusionDet: Diffusion Model for Object Detection. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), Paris, France, 1–6 October 2023; pp. 19830–19843. [Google Scholar]
  21. Guo, Z.; Liu, J.; Wang, Y.; Chen, M.; Wang, D.; Xu, D.; Cheng, J. Diffusion models in bioinformatics and computational biolog. Nat. Rev. Bioeng. 2024, 2, 136–154. [Google Scholar] [CrossRef] [PubMed]
  22. Popov, V.; Vovk, I.; Gogoryan, V.; Sadekova, T.; Kudinov, M.; Wei, J. Diffusion-Based Voice Conversion with Fast Maximum Likelihood Sampling Scheme. arXiv 2022, arXiv:2109.13821. [Google Scholar] [CrossRef]
  23. Mazé, F.; Ahmed, F. Diffusion Models Beat GANs on Topology Optimization. Proc. AAAI Conf. Artif. Intell. 2023, 37, 9108–9116. [Google Scholar] [CrossRef]
  24. Vlassis, N.N.; Sun, W. Denoising diffusion algorithm for inverse design of microstructures with fine-tuned nonlinear material properties. Comput. Methods Appl. Mech. Eng. 2023, 413, 116126. [Google Scholar] [CrossRef]
  25. Yang, L.; Zhang, Z.; Song, Y.; Hong, S.; Xu, R.; Zhao, Y.; Zhang, W.; Cui, B.; Yang, M.H. Diffusion Models: A Comprehensive Survey of Methods and Applications. ACM Comput. Surv. 2023, 56, 1–39. [Google Scholar] [CrossRef]
  26. Wei, Z.; Dufour, E.R.; Pelletier, C.; Fua, P.; Bauerheim, M. DiffAirfoil: An Efficient Novel Airfoil Sampler Based on Latent Space Diffusion Model for Aerodynamic Shape Optimization. In Proceedings of the AIAA Aviation Forum and Ascend 2024, Las Vegas, NV, USA, 29 July–2 August 2024. [Google Scholar] [CrossRef]
  27. Ho, J.; Jain, A.; Abbeel, P. Denoising Diffusion Probabilistic Models. In Proceedings of the Advances in Neural Information Processing Systems; Larochelle, H., Ranzato, M., Hadsell, R., Balcan, M., Lin, H., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2020; Volume 33, pp. 6840–6851. [Google Scholar]
  28. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention—MICCAI 2015, Munich, Germany, 5–9 October 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  29. Ho, J.; Salimans, T. Classifier-Free Diffusion Guidance. arXiv 2022, arXiv:2207.12598. [Google Scholar] [CrossRef]
  30. Drela, M. XFOIL: An Analysis and Design System for Low Reynolds Number Airfoils. In Low Reynolds Number Aerodynamics; Mueller, T.J., Ed.; Lecture Notes in Engineering; Springer: Berlin/Heidelberg, Germany, 1989; Volume 54, pp. 1–12. [Google Scholar]
  31. Yonekura, K.; Wada, K.; Suzuki, K. Generating various airfoils with required lift coefficients by combining NACA and Joukowski airfoils using conditional variational autoencoders. Eng. Appl. Artif. Intell. 2022, 108, 104560. [Google Scholar] [CrossRef]
Figure 1. Overview of the diffusion model [27].
Figure 1. Overview of the diffusion model [27].
Computation 12 00227 g001
Figure 2. Overview of the conditional diffusion model applied to airfoil generation.
Figure 2. Overview of the conditional diffusion model applied to airfoil generation.
Computation 12 00227 g002
Figure 3. Discretization of the airfoil shape.
Figure 3. Discretization of the airfoil shape.
Computation 12 00227 g003
Figure 4. The histogram of the data.
Figure 4. The histogram of the data.
Computation 12 00227 g004
Figure 5. Generated shapes by the conditional diffusion model with linear layers.
Figure 5. Generated shapes by the conditional diffusion model with linear layers.
Computation 12 00227 g005
Figure 6. Generated shapes by the conditional diffusion model with convolution layers.
Figure 6. Generated shapes by the conditional diffusion model with convolution layers.
Computation 12 00227 g006
Figure 7. Generated data (blue points) and filtered data (red points).
Figure 7. Generated data (blue points) and filtered data (red points).
Computation 12 00227 g007
Table 1. Hyperparameters of the conditional diffusion models.
Table 1. Hyperparameters of the conditional diffusion models.
Layer of U-Net4OptimizerAdam
Channel of U-Net128Learning rate0.0001
Timestep T400Batch size16
Activation functionReLU, GeLU
Table 2. Evaluation results of diffusion model.
Table 2. Evaluation results of diffusion model.
Convergence Rate L MSE μ ν
Conditional diffusion20.4%0.4896.4720.171
Conditional S -VAE [6,31]     89.8%0.0200.317
Conditional GAN [6]90.4%0.0470.320
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Yonekura, K.; Oshima, Y.; Aichi, M. Preliminary Study of Airfoil Design Synthesis Using a Conditional Diffusion Model and Smoothing Method. Computation 2024, 12, 227. https://doi.org/10.3390/computation12110227

AMA Style

Yonekura K, Oshima Y, Aichi M. Preliminary Study of Airfoil Design Synthesis Using a Conditional Diffusion Model and Smoothing Method. Computation. 2024; 12(11):227. https://doi.org/10.3390/computation12110227

Chicago/Turabian Style

Yonekura, Kazuo, Yuta Oshima, and Masaatsu Aichi. 2024. "Preliminary Study of Airfoil Design Synthesis Using a Conditional Diffusion Model and Smoothing Method" Computation 12, no. 11: 227. https://doi.org/10.3390/computation12110227

APA Style

Yonekura, K., Oshima, Y., & Aichi, M. (2024). Preliminary Study of Airfoil Design Synthesis Using a Conditional Diffusion Model and Smoothing Method. Computation, 12(11), 227. https://doi.org/10.3390/computation12110227

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop