This article proposes a nameplate recognition method based on the least-squares method and deep learning algorithm character feature fusion. This method extracts the histogram of the edge direction of the character and constructs the histogram feature vector based on the wavelet transform deep learning algorithm. We use classifier training for the text recognition of the nameplate to segment the text into individual characters. Then, we extract the character features to build a template. Experiments prove that the algorithm meets the practical application needs of nameplate identification of power equipment and achieves the design goals.
Keywords
- deep learning
- least-squares method
- nameplate recognition
- power equipment
MSC 2010
- 92B20
The nameplate of the power equipment records the basic parameters and identity information of the equipment. Using image processing technology to recognise the text information in the nameplate automatically is of great significance to improve the equipment management level of the entire power system. The nameplate information of power equipment contains many characters and types. Among them, there are mainly Chinese characters, letters, numbers, and some special symbols. Usually, the nameplate images we take often have complex backgrounds, which are difficult to identify [1]. There is little research on nameplate recognition, and the recognition methods are mainly divided into two categories. One of them is the use of optical character recognition (OCR) software. Using this method, we perform image enhancement on the collected nameplate image. We binarise the nameplate after positioning the nameplate by the frame. Finally, we input it into the OCR software for character recognition. Its accuracy rate is not ideal. The other method involves the use of traditional image-processing methods. After removing image noise through image pre-processing, we segment the text into individual characters. Scholars use character template matching methods to identify after extracting character features and establishing templates. The selected feature operator is the key.
Because deep learning methods have achieved outstanding results in image recognition, to accurately locate the text on the nameplate in a complex background, this paper uses a deep learning method to recognise the text in the nameplate image end to end. We integrate the text detection network (TDN) and text recognition network (TRN) into a model, termed the text detection and recognition network (TDRN), to improve the overall performance. For in-text detection, we propose a series of fixed-width text suggestions and connect those using recurrent neural networks [2]. We directly regard in-text recognition as a sequence prediction problem. We use an attention mechanism to selectively use image features to improve the accuracy of text recognition.
The nameplate image of power equipment contains a lot of helpful text information. This article builds an end-to-end trainable network based on deep learning technology. We integrate nameplate text detection and recognition to obtain nameplate information. In this paper, a recognition network is added to the detection network to form an end-to-end text recognition model, viz. TDRN. For in-text recognition, we use a two-way recurrent neural network to encode the text image features and use an attention mechanism to use image features selectively. The whole process only needs to calculate the convolution feature to detect and recognise that the network shares the convolution feature [3]. The overall architecture of the entire end-to-end text recognition model is shown in Figure 1. The whole model can be divided into two sub-models: text detection and text recognition. The upper part is the text detection model, and the lower part is the text recognition model.
Fig. 1
The overall architecture of the model.

After the image is input, we first calculate the convolutional features of the image. This article uses a deeper Visual Geometry Group-16 layer (VGG16) model to extract convolution features. VGG16 has a total of 13 convolutional layers [4]. We directly use the feature map obtained from the last convolution (conv5). On the feature map of conv5, we use the text suggestion network (text proposal network [TPN]) to get the text suggestion and input it into the TDN to get the text score and the text bounding box. In this way, we complete the text detection process. Then, the text in the text bounding box obtained by the detection network is resampled (text area resampling [TAR]).
The text areas obtained by the TDN have different sizes and aspect ratios. These need to be unified before being input to the TRN. The word length of the text area detected on the nameplate varies considerably [5]. It is unreasonable that we resample the feature map of the text area to a fixed size. Wrong size can cause severe font distortion. Considering the aspect ratio of the fixed text area, we scale the text area to a fixed height and maintain the inherent shape of the text as much as possible. For the feature map of a text area of size
Unlike the traditional segmentation of characters in the text area and then predicting separately, this paper still regards text recognition as a sequence prediction problem. We make full use of contextual information. The entire TRN is divided into an encoder layer and a decoder layer, and we use one or more recurrent neural network (RNN) layers to operate. However, this encoder structure encodes the input sequence into a fixed-length internal representation. This limits the model's performance, and it becomes challenging to process long input sequences. Therefore, after introducing the soft attention mechanism in text recognition, we still retain the encoder's intermediate results of each step of the input sequence. We train the model to learn how to focus on the input selectively. The structure of the TRN is shown in Figure 2. It is divided into the encoder layer and the decoder layer. The encoder layer consists of the two bidirectional long short-term memory (BLSTM) layers shown in Figure 2. We finally encode the text area into a feature vector V; the decoder layer is composed of the upper LSTM layer [7].
Fig. 2
Text recognition network.

After the text area is resampled, the feature maps of all text areas in the nameplate image can be represented as
This paper uses LSTM as a decoder to take each text box's actual text box as the input of each time step of the LSTM module. A sequence can represent the text label
Here,
The state
During the experiment, the input of each time step has no actual text label, and the most likely label of the previous LSTM is used as the input label. In this way, the system can recognise text sequences of any length, bypassing them recursively.
This work integrates text detection and text recognition into the TDRN model. Model training is performed by inputting images, text labels and their positions. This multitask learning method involves sharing data sources and, at the same time, promoting each other between tasks. The entire model requires two classification tasks and one regression task. Therefore, we use a multitask loss function to minimise the overall loss of the model [10]. The model loss function is composed of text detection loss function (
Here,
We have carried out end-to-end recognition of equipment nameplate images in real power scenarios. In model training, we use public scene-based text datasets. Over the years, reading competitions of the International Conference on Document Analysis and Recognition (ICDAR) have included end-to-end recognition tasks. The ICDAR2015 competition dataset includes 1000 training images and 500 test images. The street view text (SVT) dataset has been obtained from Google Street View images. The image has low resolution, and the text has a high degree of variability. The scene is similar to the power scene. There are 100 training images and 250 test images. Although these two datasets can be used for end-to-end text recognition tasks, their text language is limited to English. The datasets MSTR-TD500, CASIA_Multilingual, and KAIST contain Chinese, but the MSTR-TD500, and CASIA_Multilingual datasets only have text boxes labelled. This method is only suitable for text detection tasks.
This study pre-trained the model on the public scene text dataset ICDAR2015, SVT and KAIST. To further improve the model's recognition performance of nameplate information, we collected 5000 equipment name-plate images in real power scenarios. We have marked the position and content of the text line in the image. Among them, 3800 were used for training, and 1200 were used for testing.
To improve the model's generalisation ability and accelerate the convergence, we have continuously increased the training scale and difficulty during the training process. First, we train the TDN. We assign a training label to each anchor point, where RPN_POSITIVE_OVERLAP is 0.7. We use the pre-trained VGG16 model weights to initialise the convolutional layer, and other parameters are randomly initialised according to the Gaussian distribution. The article uses 0.9 momenta, and the weight decay coefficient is 0.0005. We use the Adam optimiser for 50,000 iterations, and the initial learning rate is 0.001. After 10,000 iterations, we adjust the learning rate to 0.0002. After 20,000 iterations, we reduce the number set by one more. Then, we add the TRN to the training. The learning rate is 0.001. The learning rate of the TDN is reduced to 0.00001, and the model performs 350,000 more iterations. After 50,000 iterations, we adjust the learning rate of the TRN to 0.0002. We adjust it to 0.00001 after 100,000 iterations.
The loss curve of the TDN during the training process is shown in Figure 3. The overall loss curve of the overall model is shown in Figure 4. It can be seen that the loss value of the TDN drops to about 0.3 after 40,000 iterations. After adding the TRN to the training, the overall model undergoes 150,000 iterations, and the total loss value converges to about 0.3.
Fig. 3
The loss curve of the text detection network.

This research experiment is carried out on a graphics processing unit (GPU) workstation with 16 GB of memory (NVIDIA GeForce GTX1080 Ti). The experiment is divided into two parts. To evaluate the effectiveness and performance of the algorithm for end-to-end text recognition tasks, we first test the algorithm on the existing public scene text dataset. Second, we test it on the actual image of the nameplate of the power equipment. The article compares it with the traditional nameplate recognition method and analyses its nameplate recognition effect. The system detects the text area, recognises the content from the input nameplate image and obtains equipment parameter information based on the positional relationship between the attribute name and attribute value.
We use labels similar to ICDAR competitions for labelling. This is a typical evaluation standard dataset. The authors believe that if the intersection-over-union (IoU) ratio of a text candidate box has significance >0.5, the result is correct. If the recognised text is different from the actual text, the edit distance is used to calculate the model's accuracy. This study validates the model on the SVT dataset. In the testing phase, we only used 90,000 dictionaries to reference and used the
Fig. 4
The overall loss curve of the model.

Comparison of experimental results based on the SVT dataset
Sundararajan et al. [1] | 53.00 |
Yang et al. [2] | 64.00 |
O’Brien et al. [3] | 66.18 |
CTPN + CRNN | 64.34 |
CTPN + OCR software | 42.50 |
This study | 68.69 |
CRNN, convolutional recurrent neural network; CTPN, connectionist text proposal network; OCR, optical character recognition; SVT, street view text.
It can be seen from Table 1 that the performance of this method has improved compared with other text recognition methods. CTPN is an efficient text detection algorithm. On this basis, text recognition can locate the text content more accurately. To test the performance of the recognition model proposed in this study, we input the output results of CTPN text detection into the convolutional RNN (CRNN) and OCR software for recognition at the same time. We can see from the recognition results that the overall performance of the model proposed in this study is better (as shown in Figure 5).
SVT, street view text.
We also need to consider the model's efficiency when we use the text recognition system in actual scenarios. Due to differences in the size of the input image and the number of characters contained in it, the processing speed of the text recognition system will also vary. We measure the model's efficiency by the time (in seconds) that the model spends in the process of detection and recognition. The processing time of some images obtained from the experiment is shown in Table 2. The text detection process is completed in about 0.5 s, and the text recognition takes a longer time. The whole process can be completed within 3 s.
Fig. 5
SVT partial text detection results.

Partial image processing time
301 × 472 | 31 | 0.341 | 2.76 | 3.101 |
300 × 401 | 70 | 0.289 | 2.1 | 2.389 |
450 × 800 | 83 | 0.364 | 2.25 | 2.614 |
532 × 710 | 73 | 0.141 | 2.81 | 2.951 |
241 × 629 | 78 | 0.321 | 2.66 | 2.981 |
3024 × 4032 | 63 | 0.542 | 2.12 | 2.662 |
In this study, 1200 images of nameplates of power equipment were used for testing, and the recognition results were compared with the recognition results from other nameplate recognition methods. The experimental results are shown in Table 3.
Comparison of nameplate recognition accuracy
Accuracy, % | 67.1 | 82.7 | 82.34 | 84.11 | 87.71 |
CRNN, convolutional recurrent neural network; CTPN, connectionist text proposal network; OCR, optical character recognition.
The method in this paper is more accurate than other nameplate recognition methods. We input the nameplate image into the trained network for text detection and recognition. The system can accurately locate the position of the text on the nameplate and it has a good recognition effect on the text content. The recognition effect of part of the nameplate is shown in Figure 6. Among them, we used a rectangular box to mark the detected text area, and at the same time, we marked the recognised text content in the lower-left corner of the rectangular text box. It can be seen that the model in this study can adapt to the complex background interference in the power environment and has strong robustness.
Fig. 6
Example of nameplate recognition results.

This research builds an end-to-end TRN based on deep learning methods. This method can recognise the image's text information of the nameplate of the power equipment in real-time. We integrate text detection and text recognition into a network for joint training and share convolutional layers. This avoids intermediate processes such as cropping images and character segmentation. The model has good results whether verified on the public scene text dataset or on the accurate nameplate dataset. According to the location of the text in the nameplate image and the recognition of the content, we can get the equipment parameter information. This provides convenience for essential information management and equipment inspection of power equipment and saves many human resources and material resources.
Fig. 1

Fig. 2

Fig. 3

Fig. 4

Fig. 5

Fig. 6

Comparison of experimental results based on the SVT dataset
Sundararajan et al. [ |
53.00 |
Yang et al. [ |
64.00 |
O’Brien et al. [ |
66.18 |
CTPN + CRNN | 64.34 |
CTPN + OCR software | 42.50 |
This study | 68.69 |
Comparison of nameplate recognition accuracy
Accuracy, % | 67.1 | 82.7 | 82.34 | 84.11 | 87.71 |
Partial image processing time
301 × 472 | 31 | 0.341 | 2.76 | 3.101 |
300 × 401 | 70 | 0.289 | 2.1 | 2.389 |
450 × 800 | 83 | 0.364 | 2.25 | 2.614 |
532 × 710 | 73 | 0.141 | 2.81 | 2.951 |
241 × 629 | 78 | 0.321 | 2.66 | 2.981 |
3024 × 4032 | 63 | 0.542 | 2.12 | 2.662 |
Law of interest rate changes in financial markets based on the differential equation model of liquidity Basalt fibre continuous reinforcement composite pavement reinforcement design based on finite element model Industrial transfer and regional economy coordination based on multiple regression model Response model for the psychological education of college students based on non-linear finite element equations Satisfactory consistency judgement and inconsistency adjustment of linguistic judgement matrix Analysis of the relationship between industrial agglomeration and regional economic growth based on the multi-objective optimisation model Constraint effect of enterprise productivity based on constrained form variational computing The impact of urban expansion in Beijing and Metropolitan Area urban heat Island from 1999 to 2019 Ultrasonic wave promoting ice melt in ice storage tank based on polynomial fitting calculation model Regarding new wave distributions of the non-linear integro-partial Ito differential and fifth-order integrable equations Badminton players’ trajectory under numerical calculation method Innovations to Attribute Reduction of Covering Decision System Based on Conditional Information Entropy Nonlinear Differential Equations in the Teaching Model of Educational Informatisation The evaluation of college students’ innovation and entrepreneurship ability based on nonlinear model Smart Communities to Reduce Earthquake Damage: A Case Study in Xinheyuan, China Institutional investor company social responsibility report and company performance Mathematical analysis of China's birth rate and research on the urgency of deepening the reform of art education First-principles calculations of magnetic and mechanical properties of Fe-based nanocrystalline alloy Fe80Si10Nb6B2Cu2 Has the belt and road initiative boosted the resident consumption in cities along the domestic route? – evidence from credit card consumption Attitude control for the rigid spacecraft with the improved extended state observer Cognitive Computational Model Using Machine Learning Algorithm in Artificial Intelligence Environment Research on tourism income index based on ordinary differential mathematical equation Application of Higher-Order Ordinary Differential Equation Model in Financial Investment Stock Price Forecast Sports Science Teaching of Athletics Based on Nonlinear Mathematical Equation Informatisation of educational reform based on fractional differential equations Research on the control of quantitative economic management variables under the numerical method based on stochastic ordinary differential equations Network monitoring and processing accuracy of big data acquisition based on mathematical model of fractional differential equation System dynamics model of output of ball mill Sensitivity Analysis of the Waterproof Performance of Elastic Rubber Gasket in Shield Tunnel Design of Morlet wavelet neural network to solve the non-linear influenza disease system Motion about equilibrium points in the Jupiter-Europa system with oblateness Badminton players’ trajectory under numerical calculation method Optimal preview repetitive control for impulse-free continuous-time descriptor systems Development of main functional modules for MVB and its application in rail transit Study on the impact of forest fire prevention policy on the health of forest resources Value Creation of Real Estate Company Spin-off Property Service Company Listing Selection by differential mortality rates Digital model creation and image meticulous processing based on variational partial differential equation The modelling and implementation of the virtual 3D animation scene based on the geometric centre-of-mass algorithm The policy efficiency evaluation of the Beijing–Tianjin–Hebei regional government guidance fund based on the entropy method The transfer of stylised artistic images in eye movement experiments based on fuzzy differential equations Research on behavioural differences in the processing of tenant listing information: An eye-movement experiment A review of the treatment techniques of VOC Some classes of complete permutation polynomials in the form of ( x p m −x +δ )s +ax p m +bx overF p 2m Deformation and stress theory of surrounding rock of shallow circular tunnel based on complex variable function method The consistency method of linguistic information and other four preference information in group decision-making Research on the willingness of Forest Land’s Management Rights transfer under the Beijing Forestry Development A mathematical model of the fractional differential method for structural design dynamics simulation of lower limb force movement step structure based on Sanda movement Numerical calculation and study of differential equations of muscle movement velocity based on martial articulation body ligament tension Study on the maximum value of flight distance based on the fractional differential equation for calculating the best path of shot put Sports intensity and energy consumption based on fractional linear regression equation Translog function in government development of low-carbon economy Analysis of the properties of matrix rank and the relationship between matrix rank and matrix operations Research on the Psychological Distribution Delay of Artificial Neural Network Based on the Analysis of Differential Equation by Inequality Expansion and Contraction Method Study on Establishment and Improvement Strategy of Aviation Equipment Research on Financial Risk Early Warning of Listed Companies Based on Stochastic Effect Mode The Model of Sugar Metabolism and Exercise Energy Expenditure Based on Fractional Linear Regression Equation Constructing Artistic Surface Modeling Design Based on Nonlinear Over-limit Interpolation Equation Numerical Simulation Analysis Mathematics of Fluid Mechanics for Semiconductor Circuit Breaker Characteristics of Mathematical Statistics Model of Student Emotion in College Physical Education Human Body Movement Coupling Model in Physical Education Class in the Educational Mathematical Equation of Reasonable Exercise Course The contribution of structural equation model analysis to higher education agglomeration and innovation and entrepreneurship Study on the evolutionary game theory of the psychological choice for online purchase of fresh produce under replicator dynamics formula The influence of X fuzzy mathematics method in basketball tactics scoring Mathematical statistics algorithm in the bending performance test of corroded reinforced concrete beams under fatigue load Nonlinear strategic human resource management based on organisational mathematical model Back propagation mathematical model for stock price prediction Evolutionary game research on the psychological choice of online shopping of fresh agricultural products based on dynamic simulation model Differential equation model of financial market stability based on big data Multi-attribute decision-making methods based on normal random variables in supply chain risk management Linear fractional differential equations in bank resource allocation and financial risk management model Construction and reform of art design teaching mode under the background of the integration of non-linear equations and the internet Spatial–temporal graph neural network based on node attention A contrastive study on the production of double vowels in Mandarin Financial accounting measurement model based on numerical analysis of rigid normal differential equation and rigid generalised functional equation Research of cascade averaging control in hydraulic equilibrium regulation of heating pipe network Mathematical analysis of civil litigation and empirical research of corporate governance Health monitoring of Bridges based on multifractal theory College students’ innovation and entrepreneurship ability based on nonlinear model Health status diagnosis of the bridges based on multi-fractal de-trend fluctuation analysis Mathematical simulation analysis of optimal testing of shot puter's throwing path Performance evaluation of college laboratories based on fusion of decision tree and BP neural network Application and risk assessment of the energy performance contracting model in energy conservation of public buildings The term structure of economic management rate under the parameter analysis of the estimation model based on common differential equation Sensitivity analysis of design parameters of envelope enclosure performance in the dry-hot and dry-cold areas The Spatial Form of Digital Nonlinear Landscape Architecture Design Based on Computer Big Data The improvement of museum information flow based on paste functional mapping method The art design of industrialised manufacturing furniture products based on the simulation of mathematical curves TOPSIS missile target selection method supported by the posterior probability of target recognition Research on Evaluation of Intercultural Competence of Civil Aviation College Students Based on Language Operator The incentive contract of subject librarians in university library under the non-linear task importance Modelling and Simulation of Collaborative Innovation System in Colleges and Universities Based on Interpreted Structural Equation Model Small amplitude periodic solution of Hopf Bifurcation Theorem for fractional differential equations of balance point in group competitive martial arts The Optimal Solution of Feature Decomposition Based on the Mathematical Model of Nonlinear Landscape Garden Features Composite mechanical performance of prefabricated concrete based on hysteresis curve equation Higher education innovation and reform model based on hierarchical probit Application of Fuzzy Mathematics Calculation in Quantitative Evaluation of Students’ Performance of Basketball Jump Shot The teaching of sports science of track and field-based on nonlinear mathematical equations Visual error correction of continuous aerobics action images based on graph difference function Ecological balance model of effective utilization of agricultural water resources based on fractional differential equations Application of Higher Order Ordinary Differential Equation Model in Financial Investment Stock Price Forecast Precision algorithms in second-order fractional differential equations Application of Forced Modulation Function Mathematical Model in the Characteristic Research of Reflective Intensity Fibre Sensors Fractional differential equations in National Sports Training in Colleges and Universities Radioactive source search problem and optimisation model based on meta-heuristic algorithm Visualized calculation of regional power grid power data based on multiple linear regression equation Application of mathematical probabilistic statistical model of base – FFCA financial data processing Least-squares method and deep learning in the identification and analysis of name-plates of power equipment Research on a method of completeness index based on complex model Distribution network monitoring and management system based on intelligent recognition and judgement Fake online review recognition algorithm and optimisation research based on deep learning Research on the sustainable development and renewal of Macao inner harbour under the background of digitisation Support design of main retracement passage in fully mechanised coal mining face based on numerical simulation Study on the crushing mechanism and parameters of the two-flow crusher Topological optimisation technology of gravity dam section structure based on ANSYS partial differential equation operation Interaction design of financial insurance products under the Era of AIoT Modeling the pathway of breast cancer in the Middle East Corporate social responsibility fulfilment, product-market competition and debt risk: Evidence from China ARMA analysis of the green innovation technology of core enterprises under the ecosystem – Time series data Reconstruction of multimodal aesthetic critical discourse analysis framework Image design and interaction technology based on Fourier inverse transform What does students’ experience of e-portfolios suggest Research on China interregional industrial transformation slowdown and influencing factors of industrial transformation based on numerical simulation The medical health venture capital network community structure, information dissemination and the cognitive proximity The optimal model of employment and entrepreneurship models in colleges and universities based on probability theory and statistics A generative design method of building layout generated by path Analysis of the causes of the influence of the industrial economy on the social economy based on multiple linear regression equation Research of neural network for weld penetration control Analysing the action techniques of basketball players’ shooting training using calculus method Engineering project management based on multiple regression equation and building information modelling technology Research on predictive control of students’ performance in PE classes based on the mathematical model of multiple linear regression equation Beam control method for multi-array antennas based on improved genetic algorithm The influence of X fuzzy mathematical method on basketball tactics scoring Mathematical model of back propagation for stock price forecasting Application of regression function model based on panel data in bank resource allocation financial risk management Application of Logical Regression Function Model in Credit Business of Commercial Banks Research on aerobics training posture motion capture based on mathematical similarity matching statistical analysis Application of Sobolev-Volterra projection and finite element numerical analysis of integral differential equations in modern art design Research on motion capture of dance training pose based on statistical analysis of mathematical similarity matching Application of B-theory for numerical method of functional differential equations in the analysis of fair value in financial accounting Research on the influence of fuzzy mathematics simulation model in the development of Wushu market Study on audio-visual family restoration of children with mental disorders based on the mathematical model of fuzzy comprehensive evaluation of differential equation Difference-in-differences test for micro effect of technological finance cooperation pilot in China Application of multi-attribute decision-making methods based on normal random variables in supply chain risk management Exploration on the collaborative relationship between government, industry, and university from the perspective of collaborative innovation The impact of financial repression on manufacturing upgrade based on fractional Fourier transform and probability AtanK-A New SVM Kernel for Classification Validity and reliability analysis of the Chinese version of planned happenstance career inventory based on mathematical statistics Visual positioning system for marine industrial robot assembly based on complex variable function Application of Lane-Emden differential equation numerical method in fair value analysis of financial accounting Regression function model in risk management of bank resource allocation Application of numerical method of functional differential equations in fair value of financial accounting Optimal solution of fractional differential equations in solving the relief of college students’ mental obstacles Risk contagion in financial markets based on copula model Calculating university education model based on finite element fractional differential equations and macro-control analysis Automatic parameter selection ZVD shaping algorithm for crane vibration suppression based on particle swarm optimisation Educational research on mathematics differential equation to simulate the model of children's mental health prevention and control system Analysis of enterprise management technology and innovation based on multilinear regression model Verifying the validity of the whole person model of mental health education activities in colleges based on differential equation RETRACTION NOTE Calculation of tourism development income index based on finite element ordinary differential mathematical equation Adoption of deep learning Markov model combined with copula function in portfolio risk measurement Radar system simulation and non-Gaussian mathematical model under virtual reality technology Comparison of compression estimations under the penalty functions of different violent crimes on campus through deep learning and linear spatial autoregressive models Research and application of constructing football training linear programming based on multiple linear regression equation Research on management evaluation of enterprise sales cash flow percentage method based on the application of quadratic linear regression equations Mathematical simulation analysis of optimal detection of shot-putters’ best path Determination of the minimum distance between vibration source and fibre under existing optical vibration signals: a study Mathematical modelling of enterprise financial risk assessment based on risk conduction model Nonlinear differential equations based on the B-S-M model in the pricing of derivatives in financial markets Mathematical simulation experiment based on optimisation of heat treatment process of aluminium alloy materials Mathematical model of transforming image elements to structured data based on BP neural network Educational reform informatisation based on fractional differential equation 3D Mathematical Modelling Technology in Visual Rehearsal System of Sports Dance MCM of Student’s Physical Health Based on Mathematical Cone Sports health quantification method and system implementation based on multiple thermal physiology simulation Research on visual optimization design of machine–machine interface for mechanical industrial equipment based on nonlinear partial equations Informationisation of teaching model for track and field education based on finite element higher-order fractional differential equation Information technology of preschool education reform of fine arts based on fractional differential equation Information Teaching Model of Preschool Art Education in Colleges and Universities Based on Finite Element Higher-Order Fractional Differential Equation Application of artificial intelligence algorithm in mathematical modelling and solving College Students’ Mental Health Climbing Consumption Model Based on Nonlinear Differential Equations Communication architecture of power monitoring system based on incidence matrix model Differential equation to verify the validity of the model of the whole-person mental health education activity in Universities Optimisation of Modelling of Finite Element Differential Equations with Modern Art Design Theory Analysis and Prediction of College Students’ Mental Health Based on K-means Clustering Algorithm Mathematical function data model analysis and synthesis system based on short-term human movement Human gait modelling and tracking based on motion functionalisation Analysis and synthesis of function data of human movement Energy-saving technology of BIM green buildings using fractional differential equation Study on the training model of football movement trajectory drop point based on fractional differential equation Financial Accounting Measurement Model Based on Numerical Analysis of Rigid Normal Differential Equation and Rigid Functional Equation User online consumption behaviour based on fractional differential equation Differential equation model of financial market stability based on Internet big data Multi-attribute Decision Method Based on Normal Random Variable in Economic Management Risk Control Children’s cognitive function and mental health based on finite element nonlinear mathematical model Dichotomy model based on the finite element differential equation in the educational informatisation teaching reform model Nonlinear Dissipative System Mathematical Equations in the Multi-regression Model of Information-based Teaching Stock price analysis based on the research of multiple linear regression macroeconomic variables Fractional Linear Regression Equation in Agricultural Disaster Assessment Model Based on Geographic Information System Analysis Technology