Next Article in Journal
A Proper-Orthogonal-Decomposition (POD) Study of the Wake Characteristics behind a Wind Turbine Model
Next Article in Special Issue
Normalized Model Reference Adaptive Control Applied to High Starting Torque Scalar Control Scheme for Induction Motors
Previous Article in Journal
A Mid/Long-Term Optimization Model of Power System Considering Cross-Regional Power Trade and Renewable Energy Absorption Interval
Previous Article in Special Issue
Reduction in the Cogging Torques in the DCEFSM Motor by Changing the Geometry of the Rotor Teeth
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

The Review of Electromagnetic Field Modeling Methods for Permanent-Magnet Linear Motors

1
School of Automation, China University of Geosciences, Wuhan 430074, China
2
Hubei Key Laboratory of Advanced Control and Intelligent Automation for Complex Systems, Wuhan 430074, China
3
Engineering Research Center of Intelligent Technology for Geo-Exploration, Ministry of Education, Wuhan 430074, China
*
Author to whom correspondence should be addressed.
Submission received: 15 March 2022 / Revised: 2 May 2022 / Accepted: 9 May 2022 / Published: 13 May 2022
(This article belongs to the Special Issue Advanced Electrical Machine Design and Optimization)

Abstract

:
Permanent-magnet linear motors (PMLMs) are widely used in various fields of industrial production, and the optimization design of the PMLM is increasingly attracting attention in order to improve the comprehensive performance of the motor. The primary problem of PMLM optimization design is the establishment of a motor model, and this paper summarizes the modeling of the PMLM electromagnetic field. First, PMLM parametric modeling methods (model-driven methods) such as the equivalent circuit method, analytical method, and finite element method, are introduced, and then non-parametric modeling methods (data-driven methods) such as the surrogate model and machine learning are introduced. Non-parametric modeling methods have the characteristics of higher accuracy and faster computation, and are the mainstream approach to motor modeling at present. However, surrogate models and traditional machine learning models such as support vector machine (SVM) and extreme learning machine (ELM) approaches have shortcomings in dealing with the high-dimensional data of motors, and some machine learning methods such as random forest (RF) require a large number of samples to obtain better modeling accuracy. Considering the modeling problem in the case of the high-dimensional electromagnetic field of the motor under the condition of a limited number of samples, this paper introduces the generative adversarial network (GAN) model and the application of the GAN in the electromagnetic field modeling of PMLM, and compares it with the mainstream machine learning models. Finally, the development of motor modeling that combines model-driven and data-driven methods is proposed.

1. Introduction

The permanent-magnet linear motor (PMLM) has the advantages of small size, high efficiency, and a simple structure. It avoids the mechanical conversion from rotary to linear motion, simplifies the structure, and improves the efficiency [1], Figure 1 shows a structure of the PMLM with slotted iron core [2]. PMLM also has an increasingly wide range of applications in industrial fields, such as high-speed linear servo, marine resource exploration, and oil drilling. Figure 2 shows a PMLM-driven oscillating hammer sampler for marine exploration.
In order to improve the performance of PMLMs, optimization design methods are widely used in motor design [3]. However, the prerequisite for the optimal design of PMLMs is to obtain their relatively accurate electromagnetic calculation models, which are commonly used in two categories: parametric modeling and non-parametric modeling [4,5].
The main methods for modeling electromagnetic field parameters include the equivalent magnetic network (EMN), analytical method, and finite element method (FEM) based on computer simulations. The EMN method is simple and computationally efficient, but the computational results are relatively coarse [6]. AM has high accuracy and computational efficiency, and some special linear motors such as slotless and coreless linear motors have almost linear magnetic circuits, because there is no core between the coils, and the AM model is relatively accurate [7]. However, for most PMLMs, the AM model accuracy is poor, due to its complex structure and the saturated non-linear characteristics of the magnetic circuit. FEM has the characteristics of high calculation accuracy and good adaptability, but its main problem is the large number of calculations and long consumption time, which is not suitable for direct use in the optimization program [3].
In order to address the limitations of the parametric models, some non-parametric modeling methods have gradually become a research topic of interest in PMLM optimization modeling. Non-parametric modeling usually refers to “black-box models”, which approximate the real input–output mapping based on the input–output data of the object [8]. This type of modeling is data-driven, so it usually requires a certain amount of “real” data and uses these data to train a function approximator that can optimally or approximately optimally fit the input–output non-linear mapping relationship. Non-parametric modeling started with surrogate models such as response surface methodology (RSM), the Kriging model, and radical basis function (RBF) [3].
In recent years, non-parametric modeling methods represented by machine learning have also been applied to motor modeling, such as support vector machines (SVM) [9], random forest (RF) [10], artificial neural networks (ANN) [11], K near neighbor (KNN) [12], and extreme learning machine (ELM) approaches [13]. These methods have achieved good results in modeling the single electromagnetic field of PMLM with low dimensions. However, non-parametric modeling methods are only suitable for dealing with a few low-dimensional system models, or dealing with high-dimensional problems of system models, which requires a large amount of sample data. However, the sample data are often insufficient in motor modeling.
In this paper, the advantages and disadvantages of the existing parametric and non-parametric modeling methods are summarized based on the existing modeling methods for PMLMs. A GAN learning model is introduced after some of the latest machine learning modeling methods, and is compared with RF, SVM, and DNN methods.

2. Modeling Methods for Electromagnetic Field of Permanent-Magnet Linear Motors

When a motor operates, a magnetic field and electromagnetic phenomena exist in the area occupied by its internal space, copper (windings), and iron. This electromagnetic field is generated by the currents in the stator and rotor. The distribution and variation of the magnetic field in different media and the interaction with the current of the motor determine the operating state and performance of the motor. The performance analysis of the motor is based on the analysis and calculation of the electromagnetic field, and after obtaining the spatial magnetic field distribution, the magnetic field parameters such as flux density and flux can be derived, and then the force, torque, losses, reactance, and electric potential can be calculated [14,15]. Therefore, the performance analysis methods of electric motors rely heavily on the electromagnetic field analysis methods. Therefore, generally, when designing and analyzing a motor model, the first problem is to consider the electromagnetic field model in the motor.

2.1. Parametric Modeling Methods

2.1.1. Equivalent Magnetic Network (EMN)

An EMN is a modeling method that converts the electromechanical properties of a motor to a familiar circuit form using the principle of electromechanical analogy, and combining them into an equivalent circuit. It has the properties of relatively simple models and short computation time, and is a convenient tool for solving the practical problems of electric motors [16].
In [17], the EMN method was used to study the variation law of the PMLM end field by dividing the end of the motor into three regions, which can clearly and accurately calculate the end field of the whole motor and effectively improve the performance of the motor. A non-linear EMN model was proposed in [18]. The grid method was used to solve the magnetic fields in the air gap, magnet, and iron block. The EMN model was used to solve the air gap flux density distribution, from which the electric potential waveform, no-load cogging force waveform, and load force waveform were obtained.
The EMN method can better simulate the changes of the motor’s electromagnetic field, and is a common parametric modeling analysis method for PMLM. The EMN method is simple and operationally efficient, and the optimization of linear motor parameters using the EMN method can greatly reduce the computational time of the search process. However, the method focuses on the analysis of the electrical characteristics of the motor and lacks sufficient physical interpretation of the circuit components [19]. To improve the computational accuracy, it is necessary to increase the number of grid nodes, which makes the workload increase significantly and loses its original advantage of small computational workload.

2.1.2. Analytical Method (AM)

The analytical method uses classical mathematical methods to establish the integral or partial differential equations describing the electromagnetic properties, and then solves them using the separation of variables method or the exchange mathematical method. This analytical method establishes the relationship between the thrust performance, motor structure parameters, and permanent magnet material performance, and is able to analyze some internal connections between various parameters of the object and its related calculations, which provides a theoretical basis for the design of motor structure and electromagnetic parameters.
The analytical method is often used in theoretical qualitative analysis due to the low accuracy of quantitative calculation [20]. A single-layer model for the coreless PMLM is presented in [7], and the accuracy of this single-layer AM is verified by comparing it with multilayer AM and FEM methods under different structural parameters. It is found that the AM is more accurate for some special linear motors such as slotless and coreless motors, where the magnetic circuit is almost linear because there is no core between the coils. Here, the AM has higher accuracy and computational efficiency, which can significantly reduce the computational cost.
The analytical method can directly reflect the relationship between the motor parameters and electromagnetic characteristics, which has guiding significance for motor design and optimization. However, with the continuous development of motor technology, new structures and principles of motors are emerging. For most PMLMs, the magnetic field distribution is complex due to the saturated non-linear characteristics of their magnetic circuits. It has been difficult to obtain accurate performance analysis results using the analytical method.

2.1.3. Finite Element Method (FEM)

The finite element method is currently the most widely used and effective method for analyzing the magnetic field of electric motors. It was proposed in the 1940s and applied to electromagnetic analysis in the 1960s. The finite element method, based on the variational principle, has been widely used in the quantitative analysis and optimal design of various electromagnetic fields due to its universal applicability. Its outstanding advantages are that it can handle complex motor non-linear parameter coupling, non-linear boundary, and other kinds of non-linear problems, and it is easy to implement standardized computer programs for calculation and has high solution accuracy. Figure 3 shows the FEM flow chart.
In [20], the finite element method is used to establish the motor model. Compared with the analytical method, its calculation accuracy is greatly improved, but the calculation efficiency is low and cannot meet the real-time requirements in the process of optimization calculation. In [21], the method is used to obtain the air-gap magnetic field of a two-sided quadratic coreless PMLM, and this process establishes the magnetic field equations in different regions separately and then solves them simultaneously, which makes the solution process complicated and the analysis results complex. However, the biggest problem of the finite element method is that it cannot directly reflect the influence of the motor parameters on the electromagnetic performance, and the motor-related dimensional parameters must be adjusted using parametric modeling and repeated calculations with a large workload.
Compared with the AM, FEM has much higher computational accuracy, but lower computational efficiency and cannot meet the real-time requirements in the optimization computation process. FEM is suitable for modeling electromagnetic fields in various dimensions, with high computational accuracy and good adaptability, etc. Its main problem is that it is computationally intensive and time-consuming, which makes it difficult for application in certain high-speed optimization tasks [22] or for direct use in motor modeling optimization.

2.1.4. Summary

The above section introduced the application of parameter modeling methods in electromagnetic fields. It should be noted that the parametric modeling methods for motors are based on certain parametric equations. The input–output relations and the internal rules of the model are well defined. They require basic physical quantities and their interrelationships, and mathematical models are built using relevant mathematical derivation methods. However, in engineering applications, modeling methods may not always be based on parametric equations with explicit input–output relationships due to the uncertainty and non-linearity of the motor [22]. Therefore, modeling analysis using parametric models has certain limitations.

2.2. Non-Parametric Modeling Methods

Non-parametric modeling methods have the characteristics of higher model accuracy, fast computational speed, and powerful non-linear approximation capability. These methods are currently used in the mainstream for complex and non-linear electromagnetic field analysis of electric motors. Figure 4 shows the traditional non-parametric modeling methods classification.

2.2.1. Surrogate Models

For many practical problems, a single FEM simulation may take minutes, hours, or even days to complete. Therefore, in order to obtain the optimal parameters of the motor, thousands or even millions of simulations may be required, thus solving directly for the original model would be impossible. One way to improve this situation is to use approximate surrogate models to simulate a high-precision model such as FEM. The computational results of the surrogate models are very close to the original models, but the solution is less computationally intensive. Surrogate models are mainly represented by the response surface methodology (RSM), Kriging, and radical basis function (RBF) [23]. In the past decades, these methods have been successfully applied to the optimal design of electromagnetic devices and systems, including PMLMs. These surrogate models ensure the computational accuracy of the models on the one hand, and the computational time of the parametric models is significantly reduced on the other hand [24,25,26,27,28,29].
  • Response Surface Methodology (RSM)
RSM is a linear model that estimates each parameter of the model using the least squares method. It uses multiple linear regression equations to fit the functional relationship between the parameters and response. Since RSM is a linear model, it is simple and basic, and it takes little computational effort. In [30,31,32], RSM was used to model and optimize the permanent magnet (PM) type of transverse flux linear motors (TFLMs); it reduced the machine weight under thrust and braking force constraints, and the results showed that RSM can model the minimum weight analysis under thrust and braking force constraints well in the case of a small number of parameters and low dimensions. Moreover, a considerable amount of computational time can be saved compared to FEM. However, RSM cannot be used in modeling with high parameter dimensionality, and when the range of parameter values is large and the relationship between the parameters and response is complex, the fitted model will be meaningless or the difference between the optimization results and simulation results will be large [33].
2.
Radical Basis Function (RBF)
RBF neural networks, which are a forward neural network type, have a strong non-linear function approximation capability and self-learning ability to approximate any continuous function with arbitrary accuracy. RBF is more complex than RSM because the model basis function of RBF has additional shape parameters [34], so it can handle higher dimensional data [35]. RBF has good noise immunity and is not easily overfitted; based on these characteristics, RBF is generally used in traditional motor PID control. In [36], RBF is used to adaptively adjust its non-linear input so that the input signal can become linearly differentiable in a high-dimensional space, thus improving the control accuracy of the system and ensuring the stability of the motor’s operation. However, when RBF model has a large number of parameters, the space and time required for training can be large.
3.
Kriging
Kriging is a regression algorithm for spatial modeling and the prediction (interpolation) of stochastic processes/fields based on the covariance function. It estimates not only the coefficient matrix under the deterministic term, but also the parameters in the variance and correlation functions under the stochastic process term [37]. In [38], the motor is modeled by constructing a difference function using Kriging that approximates the objective function. It reduces the fluctuations, vibrations, and noise generated by the PMLM thrust. A Kriging method based on Latin hypercube sampling (LHS) is used in [39] to model the PMLM parameters that affect the torque of the magnetic group in order to obtain the optimal rotor shape and, thus, a larger speed regulation range.
Kriging is also capable of forming hybrid algorithms with other models, such as a Kriging model based on expected improvement (EI) and an adaptive-sampling Kriging algorithm (ASKA) proposed in [40,41], respectively, and the average thrust can be increased while reducing motor thrust fluctuation and torque pulsation. The hybrid algorithms aim to reduce the number of samples needed for the model by optimizing the model and greatly reducing the number of function calls as a way to significantly reduce the computational costs. Although Kriging is better optimized for local non-linear modeling compared to the RSM and RBF models [42], as the dimensionality gradually increases, Kriging requires more samples and will be more sensitive to noisy data [43]. At the same time, the Kriging response surface will pass through all sample points, and if the sample points are too many and too complex, it will lead to overfitting and lead to failure of the model construction.
4.
Summary
The best choice of surrogate model depends on the type of motor optimization. RSM is suitable for simple and low-dimensional motor thrust optimization, RBF is suitable for PID control of motors, and Kriging is usually used for modeling and optimizing motor parameters by choosing different regression functions according to the actual need. Table 1 compares the widely used surrogate models.
Common surrogate models are usually dedicated to a problem and describe the system with few parameters, thus limiting the ability of any possible changes in motors’ design. Moreover, most surrogate models can only handle low-dimensional parameters and have no autonomous learning capability. However, with the increasing dimension of motor electromagnetic field modeling, the analysis becomes more complex, and the applicability of the surrogate models is gradually reduced.

2.2.2. Machine Learning Models

  • Support Vector Machine (SVM)
SVM is a machine-learning method based on statistical theory proposed by Vapnik et al. in the late 1990s [44]. It is built on the principle of structural risk minimization (SRM), specifically for modeling motors with low dimensions and few samples, and it has the advantages of adaptive learning ability and non-linear approximation.
The original support vector machine (Vanilla SVM) was designed to deal with binary classification problems. Some improved versions have been proposed in order to extend it to multi-class classification [45]. A new decoupled control method for permanent-magnet synchronous motors was proposed in [46], which uses a new support vector machine generalized inverse (SVMGI). The coupling reactions within the PMLM system are eliminated, and the robustness and dynamics of the load is improved. To address the limitations of SVM in high-dimensionality modeling, a multiple support vector machine (multi-SVM) was proposed in [47], where a non-parametric fast computational model is developed by mapping the relationship between multivariate structural parameters and multivariate operational performance. This improves the performance of PMLMs in terms of motor thrust, thrust ripple, and induced electric potential.
In [9], SVM was used to develop loss prediction models for PMLM copper loss, iron loss, and eddy current loss at arbitrary frequencies. Two common metrics, decision coefficient (R2) and explainable variance (Evar), are used to represent the computational accuracy. As shown in Table 2, the SVM model exhibits a lower generalization error rate and faster convergence compared to Fourier-transform (FT) and artificial neural network (ANN) in the analysis of low dimensions and few samples.
Compared with other intelligent motor-modeling methods, SVM has a unique advantage, especially in small sample data processing, due to its excellent non-linear mapping capability and unique associative memory capacity based on statistical and structural risk minimization [9]. However, the parameter optimization of support vector machines has been one of the most important issues, and there is no general kernel function to optimize the SVM parameters [48]. Therefore, SVM is only applicable to some simple low-dimensional non-linear problems. Although it is not as general as neural network (NN), SVM is still one of the more promising machine learning algorithms for motor modeling.
2.
Random Forest (RF)
RF is an algorithm that integrates multiple trees through the idea of ensemble learning. Since 2001, RF has received much attention from various research fields. As a new prominent algorithm, it is mainly used in classification and prediction. RF is able to handle high-dimensional data without feature selection, and it also has a strong anti-interference ability. When there is a large amount of missing data, modeling and analysis can also be processed by RF. Based on these characteristics, RF is widely used in motor control and fault diagnosis [49,50,51,52,53].
In [54], a two-level inverter scheme based on an RF regression algorithm was proposed to improve the performance of a three-phase induction motor drive. It provides the advantages of fast implementation and prediction improvement for space vector pulse-width modulation.
However, RF cannot give continuous output and does not perform as well as it does in classification when solving regression problems. When performing regression prediction modeling, although RF can solve some missing data problems, it cannot make predictions beyond the range of the training dataset, which may lead to overfitting in some cases where there are specific noisy data in the model. In contrast to SVM, RF cannot produce good classification for small sample data or low-dimensional data.
3.
Extreme Learning Machine (ELM)
ELM can map complex non-linear relationships between inputs and outputs through data-driven machine learning. It is suitable for both supervised and unsupervised learning problems. ELM can randomly select input weights and biases and then determine output weights by simple matrix calculations instead of using traditional gradient-based learning methods [55,56,57,58]. Traditional ELM has a single hidden-layer feedforward neural network, which has advantages in terms of learning rate and generalization ability when compared with other learning systems, such as single-layer perceptron and SVM [59].
The literature [60] introduced ELM to map the non-linear relationship between the demagnetization characteristics of permanent magnet materials to establish a demagnetization model, and verified the effectiveness and advancement of the method using comparison experiments with the linear modeling method and polynomial modeling method. The literature [13] solves the computational modeling problem by employing ELM to map the non-linear complex relationship between the input structural factors and the output motor performance; the optimal performance of PMLM with average thrust, thrust pulsation, and total harmonic distortion (THD) was obtained at different speeds. Figure 5 shows the accuracy comparison results, which demonstrate the higher accuracy of ELM for PMLM modeling.
However, since ELM only has a single hidden-layer feedforward neural network, its structure determines that it is not as capable of representing extremely complex non-linear models as deep learning models.
4.
Deep Learning Models
Deep learning is a new research direction in the field of machine learning. Deep learning differs from traditional machine learning in that it emphasizes the depth of the model structure. The concept of deep learning originated from the study of artificial neural networks (ANN). An ANN is able to model any multidimensional non-linear relationship with any desired accuracy, using simple and fast model computation and learning and generalization from the available data [61]. In motor modeling, an ANN is usually used to extract and filter the input part of the information layer-by-layer, and the back propagation algorithm guides the correlation and its adjustment to correct the internal parameters so that the computer finds the relationship that is implicit in the internal data, thus achieving the purpose of extracting the data features.
In [62], an ANN-based LP metric technique was proposed to model and optimize the three objective functions: efficiency, speed, and material cost of a permanent-magnet brushless DC. Compared with the conventional analytical model, ANN-based model optimization can achieve higher motor speed and less magnet weight, resulting in higher output power and lower cost. In [63], parameters such as PMLM torque and the linked fluxes were optimized, and various modeling strategies were compared: linear regression (LR), SVM, RF, and ANN. The motor models were optimized using the above technique and then their accuracy was compared based on FEM simulations. The highest accuracy was achieved for the model using ANN.
Neural networks have various architectures. The convolutional neural network (CNN) is the most common framework, and the classification accuracy of CNNs outperforms many other traditional methods. In motor modeling and optimization, CNNs are able to replace FEM to accelerate multi-objective topology optimization and also to perform a rapid evaluation of the motor performance. In [64], CNNs were trained in a supervised manner using the data generated by a finite element analysis solver to build a fast and general data-driven model for PMLM electromagnetic device analysis, design, and optimization. It provided guidance for selecting the most appropriate network designs for future work in this area. A deep learning-based algorithm for motor topology optimization was proposed in [65,66]. In [65], the average torque and torque pulsation values of PMLM are accurately inferred through the transfer learning of small data. The computational cost of topology optimization for both motor models can be reduced by 15% and 13%, respectively, compared to the conventional method without CNN. CNN was used in [66] to accurately classify the average torque and torque pulsation of PMLM. However, that paper did not use CNN to infer other motor characteristics such as iron, copper consumption, and radial magnetism.
5.
Summary
The non-parametric modeling method is a data-driven approach. It combines the characteristics of FEM model accuracy and fast calculation speed, and has powerful non-linear approximation capability, which is the mainstream direction of motor electromagnetic field analysis at present.
Compared with surrogate models, traditional machine learning models have stronger generalization ability, can handle different kinds of modeling optimization problems in higher dimensions, and the models are more intelligent and can perform some degree of self-learning as needed. Machine learning has achieved good results in modeling a single electromagnetic field with low dimensions for PMLM. However, traditional machine learning modeling processes such as SVM are complicated, the performance of modeling is highly correlated with the kernel function, the generality of the kernel function is not strong, and the performance on complex non-linear fitting problems is poor. Although SVM and ELM are suitable for small sample data, they do not have sufficient representation capability for non-linear systems with high dimensionality, and when dealing with high-dimensional problems, RF requires a large amount of sample data, which is prone to non-convergence when the sample data is small, which is the biggest problem limiting its application. Traditional machine learning methods for modeling problems of high-dimensional systems require a large number of samples; however, the samples need to be obtained from parametric modeling methods, and the current popular methods for parametric modeling such as FEM are too time-consuming.
Deep learning is applicable to various high-dimensional non-linear data processing, and it has strong learning ability and high fault tolerance, but it also has the defects of poor generalization ability, over-learning, and low learning efficiency, and it is easy to fall into local minima. In addition, the choice of the structure of the neural network and the selection of some training parameters are highly dependent on personal experience. Most deep learning models require a large number of samples to learn adequately, and the source of the samples is generally based on FEM, which increases the workload and reduces the operability of this data-driven modeling approach. Table 3 compares the traditional machine learning model and the deep learning model.
In order to address the limitations of the abovementioned PMLM non-parametric modeling methods, this paper introduces the generative adversarial network (GAN) model and introduces the application of GAN in the modeling of PMLMs, and compares it with the mainstream machine learning models.

3. Non-Parametric Modeling Method Based on Generative Adversarial Network

3.1. Generative Adversarial Network (GAN)

The GAN is a deep learning model and is one of the most promising methods of unsupervised learning on complex distribution developed in recent years [67]. The model generates better outputs by learning from the mutual game of two deep learning neural networks (generator G and discriminator D) in the framework. The generator G and the discriminator D each have a loss function, which can be trained to make the network parameters of the generator and the discriminator locally optimal, so that the difference between the two networks can be obtained as a minimum. Specifically, G is used to generate samples from the same distribution of training data, and D is used to check whether the samples generated in G are true or not. D classifies the output into two categories: true or false. It tries to label the samples true from the true training data and false from the generated data of G.
  • Input enhancement of discriminator D: for the phenomenon that the small sample learning of GAN may cause degradation of the generator G. Since the original discriminator D has a strong discriminative ability, the improved design is proposed to let the discriminator D guide the generator G away from the degenerate direction. We introduce the contrastive learning of self-supervised learning theory to D. We construct the inputs of D as follows:
    y = { y 1 p = c a t ( x , x ) y 1 N = c a t ( G ( z ) , x ) y 2 N = c a t ( G ( z ) , G ( z ) ) y 3 N = c a t ( x , G ( z ) )
    where x is a set of real data in a mini batch, z is a set of hidden variables in a mini batch, which come from some prior probability distributions and can be regarded as noise, G(z) is the output of the generator G, cat() is the concatenation function, y 1 p is a positive sample that can be regarded as y in Figure 6, and y 1 N , y 2 N , y 3 N are three groups of negative samples that can be regarded as y in Figure 6. Through such a construction of positive and negative samples, the number of training samples for D is twice as large as the original data, and the difference between the positive and negative samples becomes larger. We label the positive samples y as 1 and the negative samples as 0 and use them to train the discriminator D. The discriminator D can be viewed as a binary classifier, and the loss function of the discriminator D can use the regular loss function of GAN. The construction of the above input enhancement and loss function enables the discriminator D to guide the generator G to evolve in the correct direction.
  • Input enhancement of generator G: more suitable generation samples are obtained by the enhancement of the generator G input. The most important feature of GAN is that the input z of the generator G can be information from some prior probability distributions (noise) and can also contain a large number of pseudo-samples provided by the computational model of the motor physics field resolution. This process will generate more training samples to train G, and the input of G is constrained so that G(z) is not a random output. Since the task of G is regression, the loss function of G can be designed as the Mean Square Error between G(z) and the true samples.
Figure 6. Basic structure of GAN.
Figure 6. Basic structure of GAN.
Energies 15 03595 g006
The above design provides part of the idea for the problem solutions that GAN tends to fall into pattern collapse and produce suboptimal probability distributions when the sample data are insufficient.
Figure 7 shows the basic structure of GAN in an electromagnetic field.

3.2. Non-Parametric Modeling Based on GAN

We use GAN to carry out a regression task of the non-parametric modeling of TPMLM. TPMLM has four main design parameters: permanent magnet length c , slot width b , slot height d , and air gap length e . We use a vector v to represent them, v = [ b , c , d , e ] . The goal of our regression mission is to obtain a G , which fits the following equation.
G ( z ) = T = σ ( v )
where σ represents a complex non-linear function, T = [ T m e a n , T var , H ] . T m e a n denotes the mean thrust, T var denotes the variance of the thrust, and H represents the economic indicator (this part is mainly the usage amount of permanent magnets). T and v are collected using finite element analysis modeling.
The optimization method for both the generator and the discriminator is the Adam algorithm [68] and uses the same parameters with a learning rate of 0.001 and a coefficient β = (0.5, 0.999) used to calculate the running average of the gradient and its square. The generator and discriminator were trained using a simultaneous gradient descent strategy with a training period of 12,000 rounds.

3.3. Simulations and Results

To validate the proposed GAN, we chose SVM, RF, and deep neural networks (DNN) as baselines. To ensure fairness, the depth of the DNN and RF was the same as that of GAN. In addition, DNN had the same structure and parameters as the G of GAN. The training strategy and optimizer also remained the same as GAN. The size of the dataset collected from the FEM was 2530. We divided it into 700 training data and 1830 test data.
Figure 8, Figure 9 and Figure 10 show the comparison of the mean thrust, thrust variance and economic index prediction of the PMLM models built by proposed GAN and baseline methods. It can be clearly seen that the two deep learning methods (GAN and DNN) achieved much better performance than the other two traditional machine learning methods. Furthermore, the GAN predictions are closer to the true values than DNNs. In order to compare the performance of each method more rigorously, Table 4 shows the RMSE of the triple objective model built by each method on the test set compared to the training set. GAN also outperforms the other models.

4. Conclusions and Future Directions

This paper introduces some approaches to PMLM modeling, including model-driven parametric modeling methods such as the equivalent magnetic network, analytical method, and finite element method, and data-driven non-parametric modeling methods such as the surrogate model, machine learning, and deep learning, and summarizes these methods accordingly. A non-parametric modeling method based on generative adversarial networks and its applications are emphatically introduced, and compared with the traditional non-parametric modeling methods. The results have better fitting accuracy, which verifies the effectiveness and advancement of this method, and also provides a new research direction for future PMLM modeling.
The parametric modeling method has the problem of low model accuracy or time-consuming calculations. The non-parametric modeling method has better model accuracy and calculation speed, which is the current mainstream approach to the analysis of complex, non-linear magnetic fields of electric motors. Whether using parametric modeling or non-parametric modeling methods, the current source of the sample data generally uses finite element methods, which significantly increase the workload and also make it difficult for the computational efficiency to meet the motor optimization needs. Therefore, the different modeling methods of PMLM have the common problem of insufficient real sample size in practical applications. How can a small amount of sample data be used to achieve an efficient and high-accuracy calculation model of an electromagnetic field? Small sample data reduces the workload of obtaining sample data and simplifies the computational effort of non-parametric modeling. The existing non-parametric modeling methods, whether classical surrogate models (RSM, Kriging, RBF) or machine learning models, treat the physical model of the motor as a black box and rely on a large amount of data to establish the relationship between the input and output, which is detached from the physical nature of the electromagnetic field. Future research directions can be considered as follows: learning from a limited number of examples with supervised information to achieve few-shot learning (FSL), such as meta-learning, embedding learning, and migration learning [69], and taking this theory into motor modeling optimization. At the same time, a deep integration of model-driven combined with data-driven can be considered.
Motor modeling needs to consider the multi-field coupling problem, and current model calculations generally use indirect coupling, i.e., alternating iterative methods for solving, which brings additional computational overheads. The main way to improve computational efficiency is to improve the computational efficiency of individual physical fields. In the future, we can consider using FSL to prepare the physical field models, calculate two independent models separately, iterate the computational output results with each other, and dynamically set the iteration thresholds by combining the ranges of coil temperature rise and permanent magnet temperature rise, so as to reduce the number of iterations of multi-field indirect coupling as much as possible.

Funding

This work was supported by the National Natural Science Foundation of China, grant number 61603358, 62076229, and the Natural Science Foundation of Hubei Province, grant number 2020CFB556.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Li, B.; Jing, Z.; Liu, X.; Guo, Y.; Hu, H.; Li, J. Detent Force Reduction of an Arc-Linear Permanent-Magnet Synchronous Motor by Using Compensation Windings. IEEE Trans. Ind. Electron. 2017, 64, 3001–3011. [Google Scholar] [CrossRef]
  2. Souissi, A.; Abdennadher, I.; Masmoudi, A. Investigation of the Effects of the Pole Shoe Geometry on the IPM T-LSM Features: Application to Free Piston Engines. IEEE Access 2022, 10, 17748–17759. [Google Scholar] [CrossRef]
  3. Lei, G.; Zhu, J.; Guo, Y.; Liu, C.; Ma, B. A Review of Design Optimization Methods for Electrical Machines. Energies 2017, 10, 1962. [Google Scholar] [CrossRef] [Green Version]
  4. Lei, G.; Liu, C.; Zhu, J.; Guo, Y. Techniques for multilevel design optimization of permanent magnet motors. IEEE Trans. Energy Convers. 2015, 30, 1574–1584. [Google Scholar] [CrossRef]
  5. Lei, G.; Wang, T.; Zhu, J.; Guo, Y.; Wang, S. System-level design optimization method for electrical drive systems—Robust approach. IEEE Trans. Ind. Electron. 2015, 62, 4702–4713. [Google Scholar] [CrossRef]
  6. Cao, D.; Zhao, W.; Ji, J.; Wang, Y. Parametric Equivalent Magnetic Network Modeling Approach for Multiobjective Optimization of PM Machine. IEEE Trans. Ind. Electron. 2020, 68, 6619–6629. [Google Scholar] [CrossRef]
  7. Wu, T.; Feng, Z.; Wu, C.; Lei, G.; Guo, Y.; Zhu, J.; Wang, X. Multiobjective optimization of a tubular coreless LPMSM based on adaptive multiobjective black hole algorithm. IEEE Trans. Ind. Electron. 2020, 66, 3901–3910. [Google Scholar] [CrossRef]
  8. Fernandes, M.; Antonelli, P. Statistical Learning Theory; Springer: Cham, Switzerland, 2018; pp. 75–128. [Google Scholar]
  9. Wu, T.; Li, C.; Wang, Y.; Li, Y.; Tang, S.; Borg, R.P. Improved Non-contact Variable-frequency AC Impedance Instrument for Cement Hydration and pore structure based on SVM calibration method. Measurement 2021, 179, 109402–109411. [Google Scholar] [CrossRef]
  10. Wu, T.; Wang, H.; Guo, Y. Thermal Modeling of Tubular Permanent Magnet Linear Synchronous Motor Based on Random Forest. In Proceedings of the 2021 13th International Symposium on Linear Drives for Industry Applications (LDIA), Wuhan, China, 1–3 July 2021; pp. 1–6. [Google Scholar]
  11. Khan, A.; Mohammadi, M.H.; Ghorbanian, V.; Lowther, D. Efficiency Map Prediction of Motor Drives Using Deep Learning. IEEE Trans. Magn. 2020, 56, 7511504. [Google Scholar] [CrossRef]
  12. Song, J.; Zhao, J.; Dong, F.; Zhao, J.; Qian, Z.; Zhang, Q. A novel regression modeling method for PMSLM structural design optimization using a distance-weighted KNN algorithm. IEEE Trans. Ind. Appl. 2018, 54, 4198–4206. [Google Scholar] [CrossRef]
  13. Song, J.; Dong, F.; Zhao, J.; Wang, H.; He, Z.; Wang, L. An efficient multi-objective design optimization method for a PMSLM based on an extreme learning machine. IEEE Trans. Ind. Electron. 2018, 66, 1001–1011. [Google Scholar] [CrossRef]
  14. Xin, J.; Wang, X.; Yi, P.; Zhou, Z.; Sun, Z.; Ruan, W. Improvements in the permanent magnet synchronous motor torque model using incremental inductance. IET Electr. Power Appl. 2020, 14, 109–118. [Google Scholar]
  15. Vaez-Zadeh, S.; Isfahani, A.H. Multiobjective design optimization of air-core linear permanent-magnet synchronous motors for improved thrust and low magnet consumption. IEEE Trans. Magn. 2006, 42, 446–452. [Google Scholar] [CrossRef]
  16. Rabbi, S.F.; Rahman, M.A. Equivalent circuit modeling of a hysteresis interior permanent magnet motor for electric submersible pumps. IEEE Trans. Magn. 2016, 52, 8104304. [Google Scholar] [CrossRef]
  17. Wang, M.; Tian, G.; Yang, C.; Qiu, H.; Wu, J. Magnetic Field Calculation of End Region in Permanent Magnet Synchronous Linear Motor. In Proceedings of the 2018 International Conference on Advanced Mechatronic Systems (ICAMechS), Zhengzhou, China, 30 August–2 September 2018; pp. 1–4. [Google Scholar]
  18. Luigi, A.; Nicola, B. A Coupled Thermal-Electromagnetic Analysis for a Rapid and Accurate Prediction of IM Performance. IEEE Trans. Ind. Electron. 2008, 55, 3575–3582. [Google Scholar]
  19. Onuki, T.; Kamiya, Y.; Fukaya, K.; Jeon, W.J. Characteristics analysis of linear induction motor with two types of secondary structure based on electromagnetic field and electric circuit analysis. IEEE Trans. Magn. 1999, 35, 4022–4024. [Google Scholar] [CrossRef]
  20. Isfahani, A.H.; Ebrahimi, B.M.; Lesani, H. Design optimization of a low-speed single-sided linear induction motor for improved efficiency and power factor. IEEE Trans. Magn. 2008, 44, 266–272. [Google Scholar] [CrossRef]
  21. Chayopitak, N.; Taylor, D.G. Performance assessment of air-core linear permanent-magnet synchronous motors. IEEE Trans. Magn. 2008, 44, 2310–2316. [Google Scholar] [CrossRef]
  22. Rongmin, C.; Huixing, Z.; Zhongsheng, H.; Yingnian, W. Low-speed performance research for permanent magnet synchronous linear motor based on nonparametric model learning adaptive control. In Proceedings of the 2011 International Conference on Electrical Machines and Systems, Beijing, China, 20–23 August 2011; pp. 1–5. [Google Scholar]
  23. Bhosekar, A.; Ierapetritou, M. Advances in surrogate based modeling, feasibility analysis, and optimization, A review. Comput. Chem. Eng. 2018, 108, 250–267. [Google Scholar] [CrossRef]
  24. Saidur, R. A review on electrical motors energy use and energy savings. Renew. Sustain. Energy 2010, 14, 877–898. [Google Scholar] [CrossRef]
  25. Yao, D.; Ionel, D.M. A review of recent developments in electrical machine design optimization methods with a permanent magnet synchronous motor benchmark study. IEEE Trans. Magn. 2013, 49, 1268–1275. [Google Scholar]
  26. Giurgea, S.; Zire, H.S.; Miraoui, A. Two-Stage Surrogate Model for Finite Element-Based Optimization of Permanent-Magnet Synchronous Motor. IEEE Trans. Magn. 2007, 43, 3607–3613. [Google Scholar] [CrossRef]
  27. Lim, D.K.; Yi, K.P.; Jung, S.Y.; Jung, H.K.; Ro, J.S. Optimal Design of an Interior Permanent Magnet Synchronous Motor by Using a New Surrogate Assisted Multi-Objective Optimization. IEEE Trans. Magn. 2015, 51, 8207504. [Google Scholar] [CrossRef]
  28. Tan, Z.; Song, X.; Cao, W.; Liu, Z.; Tong, Y. DFIG Machine Design for Maximizing Power Output Based on Surrogate Optimization Algorithm. IEEE Trans. Energy Convers. 2015, 30, 1154–1162. [Google Scholar] [CrossRef] [Green Version]
  29. Lim, D.K.; Woo, D.K.; Yeo, H.K.; Jung, S.Y.; Ro, J.S.; Jung, H.K. A Novel Surrogate-Assisted Multi-Objective Optimization Algorithm for an Electromagnetic Machine Design. IEEE Trans. Magn. 2015, 51, 8200804. [Google Scholar] [CrossRef]
  30. Hong, D.K.; Woo, B.C.; Koo, D.H.; Kang, D.H. Optimum Design of Transverse Flux Linear Motor for Weight Reduction and Improvement Thrust Force Using Response Surface Methodology. IEEE Trans. Magn. 2008, 44, 4317–4320. [Google Scholar] [CrossRef]
  31. Hasanien, H.M.; Abd-Rabou, A.S.; Sakr, S.M. Design Optimization of Transverse Flux Linear Motor for Weight Reduction and Performance Improvement Using Response Surface Methodology and Genetic Algorithms. IEEE Trans. Energy Convers. 2010, 25, 598–605. [Google Scholar] [CrossRef]
  32. Hasanien, H.M. Particle Swarm Design Optimization of Transverse Flux Linear Motor for Weight Reduction and Improvement of Thrust Force. IEEE Trans. Ind. Electron. 2011, 58, 4048–4056. [Google Scholar] [CrossRef]
  33. Rafiee, V.; Faiz, J. Robust design of an outer rotor permanent magnet motor through six-sigma methodology using response surface surrogate model. IEEE Trans. Magn. 2019, 55, 8107110. [Google Scholar] [CrossRef]
  34. Lei, G.; Yang, G.Y.; Shao, K.R.; Guo, Y.G.; Zhu, J.G.; Lavers, J.D. Electromagnetic device design based on RBF models and two new sequential optimization strategies. IEEE Trans. Magn. 2010, 46, 3181–3184. [Google Scholar] [CrossRef]
  35. Li, X.; Wang, J.; Cheng, P. A Coupling Model of Electric Power Grid Based on Rough Sets and Radical Basis Function. In Proceedings of the 2009 International Conference on Measuring Technology and Mechatronics Automation, Zhangjiajie, China, 11–12 April 2009; Volume 2, pp. 443–445. [Google Scholar]
  36. Kong, Q.F.; Zeng, F.M.; Wu, J.C.; Wu, J.M. Study on the Speed Control of a Marine Diesel Based on Fuzzy RBF-PID Strategy. Appl. Mech. Mater. 2013, 241, 1255–1260. [Google Scholar]
  37. Li, M.; Gabriel, F.; Alkadri, M.; Lowther, D.A. Kriging-Assisted Multi-Objective Design of Permanent Magnet Motor for Position Sensorless Control. IEEE Trans. Magn. 2016, 52, 7001904. [Google Scholar] [CrossRef]
  38. Zhang, Y.; Yuan, J.; Xie, D.; Hwang, I.S.; Koh, C.S. Shape optimization of a PMLSM using Kriging and genetic algorithm. In Proceedings of the 2010 5th IEEE Conference on Industrial Electronics and Applications, Taichung, China, 15–17 June 2010; pp. 1496–1499. [Google Scholar]
  39. Kim, J.B.; Hwang, K.Y.; Kwon, B.I. Optimization of Two-Phase In-Wheel IPMSM for Wide Speed Range by Using the Kriging Model Based on Latin Hypercube Sampling. IEEE Trans. Magn. 2011, 47, 1078–1081. [Google Scholar] [CrossRef]
  40. Liu, X.; Hu, C.; Li, X.; Gao, J.; Huang, S. An Online Data-Driven Multi-Objective Optimization of a Permanent Magnet Linear Synchronous Motor. IEEE Trans. Magn. 2021, 57, 8204804. [Google Scholar] [CrossRef]
  41. Son, J.C.; Ahn, J.M.; Lim, J.; Lim, D.K. Optimal Design of PMa-SynRM for Electric Vehicles Exploiting Adaptive-Sampling Kriging Algorithm. IEEE Access 2021, 9, 41174–41183. [Google Scholar] [CrossRef]
  42. Wang, L.D.; Lowther, D.A. Selection of approximation models for electromagnetic device optimization. IEEE Trans. Magn. 2006, 42, 1227–1230. [Google Scholar] [CrossRef]
  43. Sóbester, A.; Leary, S.J.; Keane, A.J. A parallel updating scheme for approximating and optimizing high fidelity computer simulations. Struct. Multidiscip. Optim. 2004, 27, 371–383. [Google Scholar] [CrossRef] [Green Version]
  44. Sain, S.R. The Nature of Statistical Learning Theory. Technometrics 1997, 38, 409. [Google Scholar] [CrossRef]
  45. Bennani, Y.; Benabdeslem, K. Dendogram-based svm for multi- class classification. J. Comput. Inf. Technol. 2006, 14, 283–289. [Google Scholar]
  46. Liu, G.; Chen, L.; Zhao, W.; Jiang, Y.; Qu, L. Internal Model Control of Permanent Magnet Synchronous Motor Using Support Vector Machine Generalized Inverse. IEEE Trans. Ind. Inform. 2013, 9, 890–898. [Google Scholar] [CrossRef]
  47. Song, J.; Dong, F.; Zhao, J.; Lu, S.; Li, L.; Pan, Z. A new design optimization method for permanent magnet synchronous linear motors. Energies 2016, 9, 992. [Google Scholar] [CrossRef] [Green Version]
  48. Lessmann, S.; Stahlbock, R.; Crone, S.F. Genetic Algorithms for Support Vector Machine Model Selection. In Proceedings of the International Joint Conference on Neural Networks IEEE, Vancouver, BC, Canada, 16–21 July 2006; pp. 3063–3069. [Google Scholar]
  49. Patel, R.K.; Giri, V.K. Feature selection and classification of mechanical fault of an induction motor using random forest classifier. Perspect. Sci. 2016, 8, 334–337. [Google Scholar] [CrossRef] [Green Version]
  50. Yang, X.; Yan, R.; Gao, R.X. Induction motor fault diagnosis using multiple class feature selection. In Proceedings of the 2015 IEEE International Instrumentation and Measurement Technology Conference (I2MTC) Proceedings, Pisa, Italy, 11–14 May 2015; pp. 256–260. [Google Scholar]
  51. dos Santos, T.; Ferreira, F.J.T.E.; Pires, J.M.; Damásio, C. Stator winding short-circuit fault diagnosis in induction motors using random forest. In Proceedings of the 2017 IEEE International Electric Machines and Drives Conference (IEMDC), Miami, FL, USA, 21–24 May 2017; pp. 1–8. [Google Scholar]
  52. Yang, X.; Yan, R.; Gao, R.X. Induction motor fault diagnosis based on ensemble classifiers. In Proceedings of the 2016 IEEE International Instrumentation and Measurement Technology Conference Proceedings, Taipei, Taiwan, 23–26 May 2016; pp. 1–5. [Google Scholar]
  53. Sánchez, R.V.; Lucero, P.; Vásquez, R.E.; Cerrada, M.; Macancela, J.C.; Cabrera, D. Feature ranking for multi -fault diagnosis of rotating machinery by using random forest and KNN. J. Intell. Fuzzy Syst. 2018, 34, 3463–3473. [Google Scholar] [CrossRef]
  54. Hannan, M.A.; Ali, J.A.; Mohamed, A.; Uddin, M.N. A random forest regression based space vector PWM inverter controller for the induction motor drive. IEEE Trans. Ind. Electron. 2016, 64, 2689–2699. [Google Scholar] [CrossRef]
  55. Wan, C.; Xu, Z.; Pinson, P.; Dong, Z.Y.; Wong, K.P. Probabilistic forecasting of wind power generation using extreme learning machine. IEEE Trans. Power Syst. 2014, 29, 1033–1044. [Google Scholar] [CrossRef] [Green Version]
  56. Lu, X.; Zou, H.; Zhou, H.; Xie, L.; Huang, G. Robust extreme learning machine with its application to indoor positioning. IEEE Trans. Cybern. 2016, 46, 194–205. [Google Scholar] [CrossRef] [PubMed]
  57. Lu, X.; Liu, C.; Huang, M. Online probabilistic extreme learning machine for distribution modeling of complex batch forging processes. IEEE Trans. Ind. Inform. 2015, 11, 1277–1286. [Google Scholar] [CrossRef]
  58. Huang, G.; Zhou, H.; Ding, X.; Zhang, R. Extreme learning machine for regression and multiclass classification. IEEE Trans. Syst. Man Cybern. B (Cybern.) 2011, 42, 513–529. [Google Scholar] [CrossRef] [Green Version]
  59. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine, theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef]
  60. Song, J.; Zhao, J.; Dong, F.; Zhao, J.; Xu, L.; Wang, L.; Xie, F. Demagnetization Modeling Research for Permanent Magnet in PMSLM Using Extreme Learning Machine. In Proceedings of the 2019 IEEE International Electric Machines & Drives Conference (IEMDC), San Diego, CA, USA, 12–15 May 2019; pp. 1757–1761. [Google Scholar]
  61. Gupta, R.A.; Kumar, R.; Bansal, A.K. Artificial intelligence applications in Permanent Magnet Brushless DC motor drives. Artif. Intell. Rev. 2010, 33, 175–186. [Google Scholar] [CrossRef]
  62. Sadrossadat, S.A.; Rahmani, O. ANN-based method for parametric modelling and optimising efficiency, output power and material cost of BLDC motor. IET Electr. Power Appl. 2020, 14, 951–960. [Google Scholar] [CrossRef]
  63. Bramerdorfer, G.; Winkler, S.M.; Kommen, D.M.; Weidenholzer, G.; Silber, S.; Kronberger, G.; Affenzeller, M.; Amrhein, W. Using FE Calculations and Data-Based System Identification Techniques to Model the Nonlinear Behavior of PMSMs. IEEE Trans. Ind. Electron. 2014, 61, 6454–6462. [Google Scholar] [CrossRef]
  64. Khan, A.; Ghorbanian, V.; Lowther, D. Deep Learning for Magnetic Field Estimation. IEEE Trans. Magn. 2019, 55, 7202304. [Google Scholar] [CrossRef]
  65. Asanuma, J.; Doi, S.; Igarashi, H. Transfer Learning Through Deep Learning, Application to Topology Optimization of Electric Motor. IEEE Trans. Magn. 2020, 56, 7512404. [Google Scholar] [CrossRef]
  66. Sasaki, H.; Igarashi, H. Topology Optimization Accelerated by Deep Learning. IEEE Trans. Magn. 2019, 55, 7401305. [Google Scholar] [CrossRef] [Green Version]
  67. Creswell, A.; White, T.; Dumoulin, V.; Arulkumaran, K.; Sengupta, B.; Bharath, A.A. Generative adversarial networks: An overview. IEEE Signal Process. Mag. 2018, 35, 53–65. [Google Scholar] [CrossRef] [Green Version]
  68. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  69. Wang, Y.; Yao, Q.; Kwok, J.; Ni, L.M. Generalizing from a few examples, A survey on few-shot learning. ACM Comput. Surv. 2020, 53, 63. [Google Scholar]
Figure 1. Structure of the PMLM with slotted iron core: (a) 3D view; (b) Plan view.
Figure 1. Structure of the PMLM with slotted iron core: (a) 3D view; (b) Plan view.
Energies 15 03595 g001
Figure 2. Structure of the oscillatory hammer driven by PMLM.
Figure 2. Structure of the oscillatory hammer driven by PMLM.
Energies 15 03595 g002
Figure 3. Finite element analysis flow chart.
Figure 3. Finite element analysis flow chart.
Energies 15 03595 g003
Figure 4. Non-parametric modeling methods classification diagram.
Figure 4. Non-parametric modeling methods classification diagram.
Energies 15 03595 g004
Figure 5. Accuracy test results of ELM: (a) Accuracy test of average thrust at different speeds; (b) Accuracy test of thrust pulsation at different speeds; (c) Accuracy test of THD at different speeds.
Figure 5. Accuracy test results of ELM: (a) Accuracy test of average thrust at different speeds; (b) Accuracy test of thrust pulsation at different speeds; (c) Accuracy test of THD at different speeds.
Energies 15 03595 g005
Figure 7. Basic structure of GAN in electromagnetic field.
Figure 7. Basic structure of GAN in electromagnetic field.
Energies 15 03595 g007
Figure 8. Comparison of the mean thrust prediction of the PMLM models built by proposed GAN and baseline methods.
Figure 8. Comparison of the mean thrust prediction of the PMLM models built by proposed GAN and baseline methods.
Energies 15 03595 g008aEnergies 15 03595 g008b
Figure 9. Comparison of the thrust variance prediction of the PMLM models built by proposed GAN and baseline methods.
Figure 9. Comparison of the thrust variance prediction of the PMLM models built by proposed GAN and baseline methods.
Energies 15 03595 g009
Figure 10. Comparison of the economic index prediction of the PMLM models built by proposed GAN and baseline methods.
Figure 10. Comparison of the economic index prediction of the PMLM models built by proposed GAN and baseline methods.
Energies 15 03595 g010
Table 1. Comparison of widely used surrogate models.
Table 1. Comparison of widely used surrogate models.
ModelRSMRBFKriging
Model basis functionsLinear and quadratic polynomialsGauss, multiquadric, and inverse multiquadricConstant, linear, and quadratic polynomials
Estimation methodLeast square methodNoneBest linear unbiased and maximum likelihood estimation
ComplexityRelatively lowMiddleRelatively high
AdvantageSimple and basic
Small calculation volume
High accuracy rate
Not easy to overfit
Can process high dimensional data
Superiority in local non-linear modeling
Response surface can pass through all sample points
DeficiencySmall range of values
Easy overfitting
Excessive training time and space when there are more decision treesSensitive to noisy data
Less efficient for low-order functions or high-dimensional problems
Table 2. The accuracy comparison of models based on different methods.
Table 2. The accuracy comparison of models based on different methods.
MethodModulus (Ω)Phase (Rad)Cost Time(s)
R2EvarR2EvarModulusPhase
FT0.9510.6890.8830.5530.0550.288
ANN0.9670.7020.8960.6130.3120.342
SVM0.9880.8420.9410.7840.0120.013
Table 3. Comparison for traditional machine learning and deep learning models.
Table 3. Comparison for traditional machine learning and deep learning models.
ModelTraditional Machine LearningDeep Learning
Training sample requirementLow or middleRelatively high
Self-learning abilityMiddleRelatively high
Generalization capabilityRelatively highRelatively low
ComplexityMiddleRelatively high
DeficiencyUnable to handle high-dimensional non-linear problemsEasy to overfit and fall into local minima
Low learning efficiency
Table 4. RMSE for all methods.
Table 4. RMSE for all methods.
GANDNNSVMRF
Test0.038340.038430.10110.05547
Train0.038320.039420.095800.05730
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wang, X.; Wang, Y.; Wu, T. The Review of Electromagnetic Field Modeling Methods for Permanent-Magnet Linear Motors. Energies 2022, 15, 3595. https://0-doi-org.brum.beds.ac.uk/10.3390/en15103595

AMA Style

Wang X, Wang Y, Wu T. The Review of Electromagnetic Field Modeling Methods for Permanent-Magnet Linear Motors. Energies. 2022; 15(10):3595. https://0-doi-org.brum.beds.ac.uk/10.3390/en15103595

Chicago/Turabian Style

Wang, Xinmei, Yifei Wang, and Tao Wu. 2022. "The Review of Electromagnetic Field Modeling Methods for Permanent-Magnet Linear Motors" Energies 15, no. 10: 3595. https://0-doi-org.brum.beds.ac.uk/10.3390/en15103595

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