With the rapid development of the economy, the connection between the Internet and people's daily life has become closer. In this highly developed Internet era, people are no longer just passively accepting information from the outside world, but more and more people are playing the role of information makers. More and more Internet users, regardless of their age, are keen to express their opinions on the online interactive platform.
Sentiment analysis shows that the positive and negative sentiments reflect the views of Internet users on people, events and goods. It has high value for users as Internet platforms and governments explore the sentiment of a large number of comments. In recent years, with the development of deep learning technology, great achievements have been made in the field of natural language processing.
As the gradient of the RNN model is mainly controlled by short-term gradient and the long-distance gradient is very small, it becomes difficult for the model to learn long-term information. Therefore, the effect of the RNN model on long text sentence recognition is poor. This paper proposes a text sentiment analysis method that utilises the Bi-LSTM network and is based on the LSTM model. Experiments show that the method based on the Bi-LSTM network has higher accuracy in text sentiment analysis than the method based on the LSTM network.
In the past, machine based learning has attracted the attention of many scholars. The obtained text features are mapped into multi-dimensional feature vectors and sent to the model for training to learn the text feature information.
Machine learning mainly includes unsupervised methods and supervised methods [1]. Sentiment classification methods based on supervised learning methods mainly include support vector machine (SVM), naïve Bayes, k-nearest neighbour (KNN), support vector machine (SVM) and maximum entropy [2]. Pang et al. first introduced the machine learning method into sentiment analysis, studied the data of 2000 film reviews, classified the experimental text by naïve Bayes and SVM, and judged the sentiment of the text [3]. In 2008, Pang et al. used the CBOW model to analyse sentiment in order to continue to improve accuracy. Subsequently, many researchers researched this basis to improve the model. Liu Zhiming et al. [4] used a variety of calculation methods such as feature item weight and feature value extraction in the sentiment tendency analysis task, and combined these with the original machine learning algorithm; and through the sentiment analysis of microblog text, the final experiment shows that combining SVM with information gain (IG) and term frequency inverse document frequency (TF-IDF) feature extraction method lead to higher accuracy. Lin Shiping and others have also achieved good results by integrating multiple features into the support vector machine model. Li Tingting et al. [5] extracted many Chinese text features in Chinese sentiment classification and combined them with support vector machine. Cao Yu et al. [6] expanded the existing diversified sentiment database, combined with expanded sentiment dictionary, special symbols, negative words and so on, and achieved good results in the texts of microblog comments. The methods described above can also identify the sentiment tendency of the text, but their accuracy is not high, manual annotation is required when the amount of data is large and the effect is not very ideal. In recent years, in order to solve the problem of sentiment analysis, researchers began to use algorithms based on deep learning, which has yielded good results and has been widely recognised as being effective.
In recent years, deep learning has been increasingly applied in data analysis. Many experts and scholars began to use the method based on deep learning, and they adopt better model algorithms to analyse the sentiment of the obtained text. It has been applied to sentiment analysis and achieved good results. Du Changshun et al. [7] adopted the dropout method to prevent the overfitting phenomenon of the model during training, improve the accuracy of the model and use the segmented pooling strategy to extract the main features of sentences. The final results show that both the dropout algorithm and the segmented pooling strategy algorithm are helpful in the performance of model classification. Wang [8] added the attention mechanism to the LSTM network, which will have more human brain thinking and pay more attention to some important specific goals during training, so as to make more effective sentiment judgement from all aspects. Cai Huiping et al. [9] proposed a sentiment classification model based on word embedding and convolutional neural network (CNN). Based on this model, it is found that sentiment text analysis has been greatly improved compared with traditional machine learning. Mesnil et al. [10] proposed a language model to distinguish the positive and negative aspects of sentiment.
At present, CNN [11] and RNN [12] are used more in sentiment analysis tasks. However, in terms of effect, CNN cannot effectively extract the contextual semantic information of long text, but RNN can capture context semantics. RNN is a temporal deep network for sequence modelling, which can apply the previously stored content to the current semantics; thus, it has obvious advantages over the spatial deep network CNN. For the problem of long text, the LSTM model can effectively solve the problem of long-term dependence of RNN in the training process through its long-term and short-term memory units. LSTM is improved based on RNN, which solves the problems of gradient disappearance and gradient explosion. A large number of experimental results show that the performance of the LSTM model is better than that of RNN. In order to be more accurate, sometimes it is bad to predict that this restaurant is dirty, ‘No’ is a modification of dirty, which needs to be determined by several inputs above and several inputs later, therefore, a Bi-directional recurrent neural network (Bi-directional RNN) based method is proposed, which can scan along with two directions [13]. Based on bi-directional RNN, this paper proposes a bidirectional LSTM method that is better used for emotion analysis.
The model used in this experiment is the pre-trained GloVe model, a word vector trained based on 6 million elements of data, which is a word vector expression with functions similar to late semantic analysis (LSA) and Word2vec [13]. GloVe model characterises word vectors as real numeric vectors to vectorise words, so as to contain as much and accurate semantic and grammatical information between vectors as possible. The core of GloVe model is to construct word embedding matrix and process word vectors for each word in the obtained text. The dimension of this model is 300 dimensions, and the semantic similarity of text is often expressed by the similarity of vector space. Each word corresponds to a word vector in this model. If the words in the text are semantically similar, then the distance in the word vector is similar.
Glove, LSA and Word2vec are common methods to obtain embedded matrices. LSA is an early word vector representation tool. The dimension of large matrix is reduced by LSA based on singular value decomposition (SVD). However, due to the high complexity of SVD, its calculation process consumes time and is not friendly to computers with poor performance. In recent years, the Word2vec model is also used more in the process of deep learning, but since it contains 3 million word vectors, the word vector matrix is too large. Moreover, Word2vec does not use global co-occurrence, that is, it does not make full use of all corpora. Word2vec contains two structures, CBOW and skip-gram. CBOW model lacks the relationship between words in the whole sentence due to the direct addition of word vectors in the context, resulting in the lack of word relationship information. The skip-gram model is directly trained. Since this algorithm uses intermediate words to predict adjacent words, it is easy to get too much weight for high-frequency words. More importantly, the two models update the word vector with the information in one window at each training, but Glove is based on the global corpus (collinear matrix), that is, multiple windows, and therefore, the speed of model training is accelerated. Therefore, a more manageable matrix glove model completed by pre-training is used for training in this paper.
As a kind of unsupervised learning, deep learning does not need manual annotation in front of a large number of data elements. Its emotional classification of data is through its learning and model training. Therefore, it is only necessary to train the word vector after data pre-processing.
Data set pre-processing consists of the following sequence of tasks: input text, delete special symbols (punctuation marks, brackets) other than English words in the text and convert uppercase letters to lowercase. Since the computer cannot directly understand the text content, it is necessary to quantify the text into a numerical form so that the computer can understand through machine learning. Each word in the text can be represented by a vector, and then a word vector matrix is obtained through Glove model.
The word embedding word vector adopted in this experiment is proposed by Pennington. In order to solve the problem of sparse vector, this method adopts distributed mapping of words from high latitude space to low dimensional space. There are two commonly used models: CBOW and Skip-gram. Intuitively, Skip-gram predicts the context given the input word. CBOW is used to ascertain the given context to predict an input word, as indicated in Figure 1.
Fig. 1
CBOW model and Skip-gram.

In the process of deep learning, due to the need to train a large amount of text data, an overfitting phenomenon is often observed. Generally speaking, for example, after training the characteristics of a Persian cat with a large amount of data, the result is a cat. When taking the civet cat as a test, there is too much difference between the civet cat and the Persian cat due to the existence of overfitting, and thus the result says that the civet cat is not a cat. The over-fitted model has no practical value. In the experiment, in order to solve this problem, the integration method is usually used, that is, multiple models are combined to improve the accuracy. However, it is very difficult to train an algorithm to follow this method; it is also very time-consuming to test multiple models, and, additionally, doing so will result in excessive resource-consumption.
The core of the improved idea of neural network, proposed by Pennington [13] in his early years, is that in the training process of neural network model, a neural network unit is irregularly removed or lost from the neural network. It is worth noting that this discarding is only temporary, and thus some neurons in the model can be independent of other neurons, which greatly reduces and weakens the synergistic fitting and generalisation between neuronal features.
Spatial dropout is a dropout method proposed by Tompson et al. Through experiments, it can be found that the dropout method is irregular and will randomly set some elements of the matrix to zero, while the spatial dropout will randomly set some regions to zero. The spatial dropout method in the Keras module is also very effective in solving the overfitting problem.
LSTM is a variant of RNN, and it is a higher-level RNN. With the strong context connection ability of a memory unit in a long text, RNN refers to a sequence whose current output is related to the output before this time. The specific manifestation is that the network will remember the previous information and apply it to the calculation of the current output, that is, the nodes between the hidden layers are no longer in a state of non-connection, but are connected, and the hidden layer input includes not only the input layer output but also the hidden layer output at the previous time. The RNN model is shown in Figure 2.
Fig. 2
RNN model.

As can be seen from Figure 1, the value of
RNN has some defects in the semantic understanding of long text, and thus this paper uses the LSTM model. The LSTM network adds a long-term state based on the RNN model. The hidden state of neurons is also called cell state, which is often represented by the symbol ‘
There are three gates in LSTM. These gates can effectively deal with some problems of gradient explosion and gradient disappearance caused by the RNN. Forget gate is used to delete excessive information in the cell at the previous time; the input gate is used to determine which information should be added to the cell as input at this time; the output gate is used to determine the output of information stored in the cell at the current time. Figures 3 and 4 describe the LSTM model and gate structure.
Fig. 3
LSTM model.

Fig. 4
Gate structure.

The calculation formula for each LSTM cell is as follows:
Forget gate: for each new input, the LSTM will decide which memories to be forgotten according to the currently input and previously output results. Through the sigmoid neural layer, the input can be compressed to the (0, 1) interval.
Input gate: the neural layer that calculates the output value at the current time. The integration vector uses the sigmoid function to extract the output layer, calculates the output of the previous time and the current time, and then maps the interval through the
Output gate: it determines what to output based on the content saved in the cell state. Similar to the input gate, the output of the output gate to the content also needs to be determined by using the sigmoid activation function, and then the
Two kinds of memory:
Long memory: to obtain the status value of the memory unit at the current time.
Short memory: output of LSTM cell.
The inspiration for this method comes from humans themselves: when our vision perceives the scene in front of us, we don’t see everything in a scene every time, but only the thing we want to see. That is when we learn that in a particular scene, the thing we want to see almost always appears in a certain part. When we learn of this characteristic through repeated exposure to similar scenes, we would spontaneously train ourselves to focus on the particular focused part only and try not to look at other parts, the objective being to improve efficiency in work.
The hierarchical attention network is shown in Figure 5.
Fig. 5
Hierarchical attention network.

This paper uses the attention mechanism in a hierarchical attention network, puts the features extracted from vectorised words and sentences into the network layer, so as to realise different degrees of attention to text information, and uses the obtained feature vectors to realise text classification.
The LSTM algorithm has two methods: forward propagation and backward propagation. In order to make the model prediction more accurate, the LSTM model is combined with the LSTM in the positive direction and the LSTM in the reverse direction from the input layer, and then used as the next input, as indicated in Figure 6.
Fig. 6
Bi-LSTM model diagram.

The calculation formula is as indicated in Eqs. (9)–(11):
In the field of sentiment classification, the CNN method has also achieved good results, but CNN involves the need to build a lot of feature engineering for improving the accuracy of sentiment classification, which will take a lot of time. When using the LSTM method, this problem is avoided, and there is no need to consider the semantic relationship between words. For a long text, LSTM can effectively connect the semantics of the context and learn sentence-level text features. Bi-LSTM can simply be understood as LSTM in two directions. The results obtained before and after can be combined to solve the problem of sentiment classification, and the effect is better in more complex sentences. In the research of sentiment classification, first, the user's comments are vectorised. LSTM neural network will selectively retain the information affecting the neural network through the unique gate structure, and update the cell state in real-time. For example, when predicting the text published by ‘In my point of view, The two singers performed badly, But listen more deeply and find that it's not as bad as that. It's intriguing’, the LSTM network will turn the previous dissatisfaction with the singer's attitude into satisfaction through the forgetting gate of its cell unit. The analysis result of user comment text finally uses the sigmoid function to display the output result as 1 (positive) or 0 (negative).
This experiment uses the data set sentiment140 (user comments provided by Twitter), which has 800,000 positive and 800,000 negative sentiment data elements. The model is trained and tested based on this data set. The obtained data sets were randomly divided into 1,280,000 training sets and 320,000 test sets based on the ratio of 4:1. Each data element is a user's English text comment. The model is obtained from the training set, and the accuracy is obtained from the test set.
First, we process the data set, by resetting the header ‘sentiment’ and ‘text’ for the data set and discarding useless columns, as shown in Figure 7.
For the processing of text, the downloaded English stop thesaurus and the extraction of English stem (for example, present participle of English will become the backbone vocabulary) are used. The regularised expression is also used to process the special symbols in a text. In the process of data cleaning, the uppercase letters are also converted into lowercase letters for processing. The processing of one piece of data is shown in Figure 8.
We divide the data set into training set and test set according to a certain proportion. ‘English’ itself is a word. We index each word and fix the maximum length of the text for training. We use the pre-trained word vector GloVe to represent the words with feature vectors to obtain the word embedding matrix that can be recognised by the computer. As a specific operation, we set the downloaded GolVe model as a word vector of 300 dimensions. In this way, words with similar meanings will have similar vector representation. The result of word vector representation in words is shown in Figure 9.
We build the model, add the dropout method, add convolution layer, add optimiser and set parameters to train the data.
We write the test function, input the test text, compare the experimental results on the trained model and select the optimal deep learning model.
Fig. 7
Data table processing diagram.

Fig. 8
Schematic diagram of text data processing.

Fig. 9
Results of some word vectors.

The results of text sentiment analysis method based on LSTM are shown in Figure 10.
Experimental results of network layers.
Original parameters | 0 | 68.7% |
First improvement | 2 | 71.6% |
Second improvement | 4 | 73.7% |
Third improvement | 6 | 76.8% |
Fig. 10
Experimental results of LSTM sentiment analysis.

The results of text sentiment analysis method based on Bi-LSTM are shown in Figure 11.
Fig. 11
Experimental results of Bi-LSTM sentiment analysis.

In the field of sentiment classification, the CNN method has also achieved good results, but CNN involves the need to build a lot of feature engineering in order to improve the accuracy of sentiment classification, which will consume a lot of time. When using the LSTM method, this problem is avoided, and there is no need to consider the semantic relationship between words. For long text, LSTM can effectively connect the semantics of the context and learn sentence-level text features. Bi-LSTM can simply be understood as LSTM in two directions. The results obtained before and after can be combined to solve the problem of sentiment classification, and the effect is better in more complex sentences. In the research of text sentiment classification, first, the user's comments are vectorised. LSTM neural network will selectively retain the information affecting the neural network through the unique gate structure, and update the cell state in real-time. For example, when predicting the text published by the user ‘in my point of view, the two singers performed badly, but listen more deeply and find that it's not as bad as that. It's intriguing’, the LSTM network will turn the previous dissatisfaction with the singer's attitude into satisfaction through the forgetting gate of its cell unit. The analysis result of user comment text finally uses the sigmoid function to display the output result as 1 (positive) or 0 (negative).
The experimental results show that with the increase of model training times, the accuracy of the model increases steadily and the loss rate decreases gradually, as shown in Figure 12. The accuracy of test set and training set is also increasing, and the loss rate is decreasing. In the sentiment analysis of user comments, when the same text is input, both can accurately predict whether the text encompasses a positive or negative sentiment. However, when looking at the more accurate probability value of the model, the prediction accuracy of the Bi-LSTM-based method is up to about 76.8%, and the prediction accuracy of the LSTM-based method is up to about 75.4%. In some texts, the prediction accuracy of the Bi-LSTM-based method is much higher than that of the LSTM-based method. Therefore, the Bi-LSTM-based method has a higher prediction accuracy of sentiment analysis than the LSTM-based method in dataset Sentiment140.
Fig. 12
Comparison of sentiment analysis results based on LSTM and Bi-LSTM.

According to the experimental results of this paper, there will be overfitting between LSTM model and Bi-LSTM in the process of training. Overfitting often occurs in deep learning, and thus the dropout method is applied to the LSTM model and the spatial dropout method is applied to the Bi-LSTM model to alleviate the problem of overfitting by preventing the synergy of neuronal features using fixed or random methods. Finally, the experiment is trained based on 1.6 million user comments. The experimental results show that the accuracy of the Bi-LSTM model is about 77% after training 10,000 data elements on each occasion for 10 times, and the accuracy of the LSTM model is about 75.0% after training 10,000 data elements on each occasion for 10 times. The final experimental results show that the Bi-LSTM model has certain advantages over the single LSTM model in the sentiment140 data set. Of course, some texts can better reflect the advantages of Bi-LSTM, and the difference between the two results may be larger.
Fig. 1

Fig. 2

Fig. 3

Fig. 4

Fig. 5

Fig. 6

Fig. 7

Fig. 8

Fig. 9

Fig. 10

Fig. 11

Fig. 12

Experimental results of network layers.
Original parameters | 0 | 68.7% |
First improvement | 2 | 71.6% |
Second improvement | 4 | 73.7% |
Third improvement | 6 | 76.8% |
Law of interest rate changes in financial markets based on the differential equation model of liquidity Research and implementation of smart city public information mining analysis system based on mobile edge model of game theory Basalt fibre continuous reinforcement composite pavement reinforcement design based on finite element model Design of college education evaluation based on accompanying data acquisition and mathematical analysis Enterprise financial strategy and performance management analysis based on principal component analysis Study on the Dynamic Change of Regional Water Level and Climate Based on Forecast Equation Satisfactory consistency judgement and inconsistency adjustment of linguistic judgement matrix Municipal Civil Engineering Construction Based on Finite Element Differential Equations Financial Risk Prevention Model of Financial Institutions Based on Linear Partial Differential Equation Influence of heterogeneity of local officials on the economy of resource-based cities developed with high quality Analysis of influencing factors of SPOC course teaching effect using structural equation modelling Training Model of Basketball Offensive Route Based on Nonlinear Differential Equation Research on the construction of rural interface style based on aesthetic rules Optimization Algorithm of New Media Hot Event Push Based on Nonlinear Differential Equation Mathematical Differential Equation in Calculating the Strength of Building Beam Structure Impact Resistance Stability of Building Structural Engineering Based on Fractional Differential Equations The Technical Research on the Assessment of Network Security Situation Based on D-S Evidence Theory Computer big data modeling system based on finite element mathematical equation simulation Uniqueness of system integration scheme of artificial intelligence technology in fractional differential mathematical equation Uniqueness of system integration scheme of artificial intelligence technology in fractional differential mathematical equation The Composition System of Pop Music Movement Based on Finite Element Differential Equations The Structure and Influencing Factors of Innovation and Entrepreneurship Ability of Higher Vocational Students Based on Structural Equation Model Model System Study of Accordion Score Based on Fractional Differential Equations Data mining of Chain convenience stores location Parameter Id of Metal Hi-pressure State Equation P-Matrix Reasoning and Information Intelligent Mining Research on Detection Model of Abnormal Data in Engineering Cost List Research on deformation monitoring of tunnel engineering based on 3D laser scanning Solidification treatment effect of wellsite waste mud based on physical adsorption of a composite curing agent A study of immersive technology for product usability improvement design based on comprehensive value evaluation Intelligent Recommendation System for English Vocabulary Learning – Based on Crowdsensing Application of Nonlinear Fractional Differential Equations in Computer Artificial Intelligence Algorithms Application of calculus function and value chain analysis method in the quantification of financial flexibility management indicators Optimal Research in Piano Shape Sound and Sound Propagation Model Based on Nonlinear Differential Equations Regarding new wave distributions of the non-linear integro-partial Ito differential and fifth-order integrable equations Badminton players’ trajectory under numerical calculation method Mathematical methodology in the seismic resilience evaluation of the water supply system Prediction of surface quality in end milling based on modified convolutional recurrent neural network Analysis of IPO pricing efficiency under the registration system Case application data research of traditional ink art elements in packaging design Research on an early warning model of effectiveness evaluation in ideological and political teaching based on big data Application of intelligent teaching resource organisation model and construction of performance evaluation model Secure transmission of simultaneous wireless information and power transfer system for Internet of things Innovations to Attribute Reduction of Covering Decision System Based on Conditional Information Entropy Numerical simulation of vortex vibration in main girder of cable-stayed bridge based on bidirectional fluid–structure coupling Research on location algorithm of new energy vehicle charging station based on multi-objective decision Optimisation of construction mode of residential houses based on the genetic algorithm under BIM technology A study on the reform of college English education inspired by the cultural differences between China and the United States Research on innovative strategies of college students’ English teaching under the blessing of big data Research on multi-dimensional optimisation design of user interface under Rhino/GH platform 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 A long command subsequence algorithm for manufacturing industry recommendation systems with similarity connection technology Application of Higher-Order Ordinary Differential Equation Model in Financial Investment Stock Price Forecast Evaluation of spoken English self-study system considering speech knowledge recognition algorithm Application research on piano teaching in colleges and universities based on remote wireless network communication Construction of Financial Risk Evaluation Index System for Biomass Graphene Fibre Industrialisation Project 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 An online statistical analysis of the hotel management and operation performance model Research on the post-purchase behaviour tendency of the product quality to customers in fast-selling marketing Motion about equilibrium points in the Jupiter-Europa system with oblateness Ultra-short-term power forecast of photovoltaic power station based on VMD–LSTM model optimised by SSA Optimal preview repetitive control for impulse-free continuous-time descriptor systems Design of information management system based on wireless communication under the background of Internet of Things The impact of global warming on the small Scottish Fishing Company Development of main functional modules for MVB and its application in rail transit Analysis of agricultural economic development and optimisation measures under the strategy of rural revitalisation 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 Research on the relationship between government subsidies, R&D investment and high-quality development of manufacturing industry Research on the protection and inheritance of intangible cultural heritage under the background of rural revitalisation Research on behavioural differences in the processing of tenant listing information: An eye-movement experiment Innovation of Economic Management Risk Control in Retailer Supply Chain Based on Differential Equation Model Computer vision recognition and tracking algorithm based on convolutional neural network A review of the treatment techniques of VOC Study on structural parameter design and life analysis of large four-point contact ball bearing channel Some classes of complete permutation polynomials in the form of ( x p m −x +δ )s +ax p m +bx overF p 2m Digital marketing solutions based on consumer data and homomorphic encryption The consistency method of linguistic information and other four preference information in group decision-making Statistical Model of College Ideological and Political Learning Based on Fractional Differential Equations Research on the driving principle and guiding strategy of the public's collaborative supervision of the sharing economy in my country Research on the willingness of Forest Land’s Management Rights transfer under the Beijing Forestry Development Nonlinear Differential Equation in Anti-aging Test of Polymer Nanomaterials Application research of bel canto performance based on artificial intelligence technology Fractal structure of magnetic island in tokamak plasma Mechanics of Building Structural Materials Based on Lagrangian Mathematical Model Analysis The Mental Health Education Management of Higher Vocational Students Based on Fractional Differential Equations Application of regression function model based on panel data in financial risk management of bank resource allocation Application of knowledge graph in smart grid fault diagnosis University Ideological and Political Learning Model Based on Statistical Memory Curve Mathematical Equation Research on the optimisation of logistics parcel intelligent sorting and conveying chain combined with variable clustering mathematical method Analysis of the properties of matrix rank and the relationship between matrix rank and matrix operations Research on Resonance Properties of Semantic Wave Fractal Fractals Based on Quantitative Analysis of English Corpus Research on urban landscape big data information processing system based on ordinary differential equations Modeling of fractional differential equation in cloud computing image fusion algorithm Application of Discriminative Training Algorithm Based on Intelligent Computing in English Translation Evaluation Research on the application of GLE teaching mode in English-medium colleges The application of directional derivative in the design of animation characters and background elements Research on product process design and optimisation model based on IoT intelligent computing Conventional Algorithms in Sports Training Based on Fractional Differential Equations Dynamic Nonlinear System Based on Complex System Theory in the Development of Vocational Education LTE wireless network coverage optimisation based on corrected propagation model The Algorithm Accuracy of Mathematical Model to Improve the Transmission Speed of E-commerce Platform Study on tourism development income index calculation of finite element ordinary differential mathematical equation The Security of Database Network Model Based on Fractional Differential Equations Electric Vehicle Mechanical Transmission System Based on Fractional Differential Equations The Practice System of Physics and Electronics Courses in Higher Vocational Colleges Based on Fractional Differential Equations The Economic Model of Rural Supply and Demand Under the Data Analysis Function Based on Ordered Probit 3D Modeling System of Indoor Environment Art Landscape Design under Statistical Equation Electronic Information Security Model of Nonlinear Differential Equations The Optimization Model of College Students' Physical Exercise Motivation and Self-control Ability Based on the Mathematical Model of Probability Theory Paris panxiensis , a new combination of Trilliaceae from Sichuan, ChinaImpact of ASEAN-China free trade area on fishery value chain based on difference-in-difference method Health monitoring of Bridges based on multifractal theory Health status diagnosis of the bridges based on multi-fractal de-trend fluctuation analysis Application and risk assessment of the energy performance contracting model in energy conservation of public buildings Sensitivity analysis of design parameters of envelope enclosure performance in the dry-hot and dry-cold areas Criminal law imputation path for biometric information Research on composite dynamic disaster prevention and control system of mine earthquake and shock in thick and hard rock mines Research on innovative strategies of college students’ English teaching under the background of artificial intelligence Electromagnetic interference prediction technology of new energy motor drive system Research on the application of PLC technology in electrical automation engineering Research on indoor environment design of comprehensive commercial shopping center based on numerical simulation Application of matrix multiplication in signal sensor image perception Empirical analysis of the economic absolute income hypothesis based on mathematical statistics Analysing the variation of metadiscourse verb patterns in English academic papers from within and between disciplines Impact of COVID-19 policy on stock prices of listed property companies Realization of Book Collaborative Filtering Personalized Recommendation System Based on Linear Regression Equation Research on the experimental principle of deep integration of LETS software and criminal procedure under the background of artificial intelligence Study on Interactive Relations between Enterprise Social Media and Decision Style Based on a vector Autoregressive Model Research on Dynamics of Flexible Multibody System with Deployable Antenna Based on Static Lagrangian Function The Optimization of Mathematics Teaching Models in Colleges and Universities Based on Nonlinear Differential Equations Study on spatial planning and design of learning commons in university libraries based on fuzzy matrix model The Stability Model of Piano Tone Tuning Based on Ordinary Differential Equations Construction and application of automobile user portrait based on k-mean clustering model The Homework Model of Screening English Teaching Courses Based on Fractional Differential Equations VR-based computer maintenance practical training platform development design and application research Research on innovative human capital for China’s economic development based on STI model In-depth analysis of the artistic expression of paper-cut elements in the design of boat space Knowledge graph construction and Internet of Things optimisation for power grid data knowledge extraction Modeling the pathway of breast cancer in the Middle East Construction and intelligent analysis of power grid physical data knowledge graph based on Internet of Things for power system Research on industrial Internet of Things and power grid technology application based on knowledge graph and data asset relationship model Research on the effects of financial literacy on rural household credit constraint Calculus Logic Function in Integrated Manufacturing Automation of Single Chip Microcomputer Football Offense Training Strategy Based on Fractional Differential Mathematical Modeling Research on educational resource recommendation system based on MRLG Rec The Mathematical Analysis Model of Educational System in Music Courses in Colleges and Universities Continuing Education Network Data Center Model Based on Fractional Differential Mathematical Equations A study on the phenomenon of anaphoric correction in college students’ English conversation Computer Art Design Model Based on Nonlinear Fractional Differential Equations The Optimization Model of Public Space Design Teaching Reform Based on Fractional Differential Equations The Approximate Solution of Nonlinear Vibration of Tennis Based on Nonlinear Vibration Differential Equation Graphical Modular Power Technology of Distribution Network Based on Machine Learning Statistical Mathematical Equation Employment and Professional Education Training System of College Graduates Based on the Law of Large Numbers Economic Research on Multiple Linear Regression in Fruit Market inspection and Management Nonlinear Differential Equations in Preventing Financial Risks Lagrange’s Mathematical Equations in the Sports Training of College Students Simulation Research of Electrostatic Precipitator Power Supply Voltage Control System Based on Finite Element Differential Equation Research on the effect of generative adversarial network based on wavelet transform hidden Markov model on face creation and classification Research on Lightweight Injection Molding (CAE) and Numerical Simulation Calculate of New Energy Vehicle Power Flow Calculation in Smart Distribution Network Based on Power Machine Learning Based on Fractional Differential Equations Demonstration of application program of logistics public information management platform based on fuzzy constrained programming mathematical model Basketball Shooting Rate Based on Multiple Regression Logical-Mathematical Algorithm The Optimal Application of Lagrangian Mathematical Equations in Computer Data Analysis Similarity Solutions of the Surface Waves Equation in (2+1) Dimensions and Bifurcation Optimal decisions and channel coordination of a green supply chain with marketing effort and fairness concerns Game theoretic model for low carbon supply chain under carbon emissions reduction sensitive random demand Limit cycles of a generalised Mathieu differential system Influence of displacement ventilation on the distribution of pollutant concentrations in livestock housing Application of data mining in basketball statistics The nonlinear effects of ageing on national savings rate – An Empirical Study based on threshold model Design of fitness walker for the elderly based on ergonomic SAPAD model AtanK-A New SVM Kernel for Classification Mechanical behaviour of continuous girder bridge with corrugated steel webs constructed by RW Study of a linear-physical-programming-based approach for web service selection under uncertain service quality The Relationship Between College Students’ Taekwondo Courses and College Health Based on Mathematical Statistics Equations Analysis and countermeasures of cultivating independent learning ability in colleges teaching English based on OBE theory A mathematical model of plasmid-carried antibiotic resistance transmission in two types of cells Fractional Differential Equations in the Exploration of Geological and Mineral Construction AdaBoost Algorithm in Trustworthy Network for Anomaly Intrusion Detection Projection of Early Warning Identification of Hazardous Sources of Gas Explosion Accidents in Coal Mines Based on NTM Deep Learning Network Burnout of front-line city administrative law-enforcing personnel in new urban development areas: An empirical research in China Enterprise Financial Risk Early Warning System Based on Structural Equation Model A Study on the Application of Quantile Regression Equation in Forecasting Financial Value at Risk in Financial Markets Fractional Differential Equations in the Model of Vocational Education and Teaching Practice Environment Information transmission simulation of Internet of things communication nodes under collision free probability equation Image denoising model based on improved fractional calculus mathematical equation Random Fourier Approximation of the Kernel Function in Programmable Networks The Complexity of Virtual Reality Technology in the Simulation and Modeling of Civil Mathematical Models University Library Lending System Model Based on Fractional Differential Equations Calculation and Performance Evaluation of Text Similarity Based on Strong Classification Features Intelligent Matching System of Clauses in International Investment Arbitration Cases Based on Big Data Statistical Model Evaluation and Verification of Patent Value Based on Combination Forecasting Model Financial Institution Prevention Financial Risk Monitoring System Under the Fusion of Partial Differential Equations Prediction and Analysis of ChiNext Stock Price Based on Linear and Non-linear Composite Model Calculus Logic Function in Tax Risk Avoidance in Different Stages of Enterprises The Psychological Memory Forgetting Model Based on the Analysis of Linear Differential Equations Optimization Simulation System of University Science Education Based on Finite Differential Equations The Law of Large Numbers in Children's Education Optimization System of Strength and Flexibility Training in Aerobics Course Based on Lagrangian Mathematical Equation Data structure simulation for the reform of the teaching process of university computer courses RETRACTION NOTE Research on the mining of ideological and political knowledge elements in college courses based on the combination of LDA model and Apriori algorithm Research on non-linear visual matching model under inherent constraints of images Good congruences on weakly U-abundant semigroups Can policy coordination facilitate unimpeded trade? An empirical study on factors influencing smooth trade along the Belt and Road Research on the processing method of multi-source heterogeneous data in the intelligent agriculture cloud platform Internal control index and enterprise growth: An empirical study of Chinese listed-companies in the automobile manufacturing industry Research on design of customer portrait system for E-commerce Research on rule extraction method based on concept lattice of intuitionistic fuzzy language Fed-UserPro: A user profile construction method based on federated learning A multi-factor Regression Equation-based Test of Fitness Maximal Aerobic Capacity in Athletes Design and evaluation of intelligent teaching system on basic movements in PE Garment Image Retrieval based on Grab Cut Auto Segmentation and Dominate Color Method Financial Risk Prediction and Analysis Based on Nonlinear Differential Equations Constructivist Learning Method of Ordinary Differential Equations in College Mathematics Teaching Multiple Effects Analysis of Hangzhou Issuing Digital Consumer Coupons Based on Simultaneous Equations of CDM Model Response Model of Teachers’ Psychological Education in Colleges and Universities Based on Nonlinear Finite Element Equations A Hybrid Computational Intelligence Method of Newton's Method and Genetic Algorithm for Solving Compatible Nonlinear Equations Pressure Image Recognition of Lying Positions Based on Multi-feature value Regularized Extreme Learning Algorithm English Intelligent Question Answering System Based on elliptic fitting equation Precision Machining Technology of Jewelry on CNC Machine Tool Based on Mathematical Modeling Application Research of Mathematica Software in Calculus Teaching Computer Vision Communication Technology in Mathematical Modeling Skills of Music Creation Based on Homogeneous First-Order Linear Partial Differential Equations Mathematical Statistics Technology in the Educational Grading System of Preschool Students Music Recommendation Index Evaluation Based on Logistic Distribution Fitting Transition Probability Function Children's Educational Curriculum Evaluation Management System in Mathematical Equation Model Query Translation Optimization and Mathematical Modeling for English-Chinese Cross-Language Information Retrieval The Effect of Children’s Innovative Education Courses Based on Fractional Differential Equations Fractional Differential Equations in the Standard Construction Model of the Educational Application of the Internet of Things Optimization research on prefabricated concrete frame buildings based on the dynamic equation of eccentric structure and horizontal-torsional coupling Optimization in Mathematics Modeling and Processing of New Type Silicate Glass Ceramics Green building considering image processing technology combined with CFD numerical simulation Research on identifying psychological health problems of college students by logistic regression model based on data mining Abnormal Behavior of Fractional Differential Equations in Processing Computer Big Data Mathematical Modeling Thoughts and Methods Based on Fractional Differential Equations in Teaching Research on evaluation system of cross-border E-commerce platform based on the combined model A mathematical model of PCNN for image fusion with non-sampled contourlet transform Nonlinear Differential Equations in Computer-Aided Modeling of Big Data Technology The Uniqueness of Solutions of Fractional Differential Equations in University Mathematics Teaching Based on the Principle of Compression Mapping Financial customer classification by combined model Influence of displacement ventilation on the distribution of pollutant concentrations in livestock housing Recognition of Electrical Control System of Flexible Manipulator Based on Transfer Function Estimation Method Automatic Knowledge Integration Method of English Translation Corpus Based on Kmeans Algorithm Real Estate Economic Development Based on Logarithmic Growth Function Model Design of Tennis Mobile Teaching Assistant System Based on Ordinary Differential Equations Financial Crisis Early Warning Model of Listed Companies Based on Fisher Linear Discriminant Analysis High Simulation Reconstruction of Crowd Animation Based on Optical Flow Constraint Equation Construction of Intelligent Search Engine for Big Data Multimedia Resource Subjects Based on Partial Least Squares Structural Equation 3D Animation Simulation of Computer Fractal and Fractal Technology Combined with Diamond-Square Algorithm Analysis of the Teaching Quality of Physical Education Class by Using the Method of Gradient Difference The Summation of Series Based on the Laplace Transformation Method in Mathematics Teaching Optimal Solution of the Fractional Differential Equation to Solve the Bending Performance Test of Corroded Reinforced Concrete Beams under Prestressed Fatigue Load Animation VR scene mosaic modeling based on generalized Laplacian equation Radial Basis Function Neural Network in Vibration Control of Civil Engineering Structure Optimal Model Combination of Cross-border E-commerce Platform Operation Based on Fractional Differential Equations The influence of accounting computer information processing technology on enterprise internal control under panel data simultaneous equation Research on Stability of Time-delay Force Feedback Teleoperation System Based on Scattering Matrix BIM Building HVAC Energy Saving Technology Based on Fractional Differential Equation Construction of comprehensive evaluation index system of water-saving irrigation project integrating penman Montei the quation Human Resource Management Model of Large Companies Based on Mathematical Statistics Equations Data Forecasting of Air-Conditioning Load in Large Shopping Malls Based on Multiple Nonlinear Regression Analysis of technical statistical indexes of college tennis players under the win-lose regression function equation Automatic extraction and discrimination of vocal main melody based on quadratic wave equation Analysis of wireless English multimedia communication based on spatial state model equation Optimization of Linear Algebra Core Function Framework on Multicore Processors Application of hybrid kernel function in economic benefit analysis and evaluation of enterprises Research on classification of e-commerce customers based on BP neural network The Control Relationship Between the Enterprise's Electrical Equipment and Mechanical Equipment Based on Graph Theory Mathematical Modeling and Forecasting of Economic Variables Based on Linear Regression Statistics Nonlinear Differential Equations in Cross-border E-commerce Controlling Return Rate 3D Mathematical Modeling Technology in Visualized Aerobics Dance Rehearsal System Fractional Differential Equations in Electronic Information Models BIM Engineering Management Oriented to Curve Equation Model Leakage control of urban water supply network and mathematical analysis and location of leakage points based on machine learning Analysis of higher education management strategy based on entropy and dissipative structure theory Prediction of corporate financial distress based on digital signal processing and multiple regression analysis Mathematical Method to Construct the Linear Programming of Football Training Multimedia sensor image detection based on constrained underdetermined equation The Size of Children's Strollers of Different Ages Based on Ergonomic Mathematics Design Application of Numerical Computation of Partial Differential Equations in Interactive Design of Virtual Reality Media Stiffness Calculation of Gear Hydraulic System Based on the Modeling of Nonlinear Dynamics Differential Equations in the Progressive Method Knowledge Analysis of Charged Particle Motion in Uniform Electromagnetic Field Based on Maxwell Equation Relationship Between Enterprise Talent Management and Performance Based on the Structural Equation Model Method Term structure of economic management rate based on parameter analysis of estimation model of ordinary differential equation Influence analysis of piano music immersion virtual reality cooperation based on mapping equation Chinese painting and calligraphy image recognition technology based on pseudo linear directional diffusion equation Label big data compression in Internet of things based on piecewise linear regression Animation character recognition and character intelligence analysis based on semantic ontology and Poisson equation Design of language assisted learning model and online learning system under the background of artificial intelligence Study on the influence of adolescent smoking on physical training vital capacity in eastern coastal areas Application of machine learning in stock selection Comparative analysis of CR of ideological and political education in different regions based on improved fuzzy clustering Action of Aut( G ) on the set of maximal subgroups ofp -groupsThe internal mechanism of corporate social responsibility fulfillment affecting debt risk in China: analysis of intermediary transmission effect based on degree of debt concentration and product market competitive advantage Study on transmission characteristics in three kinds of deformed finlines based on edge-based finite element method Asymptotic stability problem of predator–prey system with linear diffusion Research on loyalty prediction of e-commerce customer based on data mining Algebraic Equations in Educational Model of College Physical Education Course Education Professional English Translation Corpus Under the Binomial Theorem Coefficient Geometric Tolerance Control Method for Precision Machinery Based on Image Modeling and Novel Saturation Function Retrieval and Characteristic Analysis of Multimedia Tester Based on Bragg Equation Semiparametric Spatial Econometric Analysis of Household Consumption Based on Ordinary Linear Regression Model Video adaptive watermark embedding and detection algorithm based on phase function equation English Learning Motivation of College Students Based on probability Distribution Scientific Model of Vocational Education Teaching Method in Differential Nonlinearity Research on mobile Awareness service and data privacy Protection based on Linear Equations computing protocol Vocal Music Teaching Model Based on Finite Element Differential Mathematical Equations Studying a matching method combining distance proximity and buffer constraints The trend and influence of media information Propagation based on nonlinear Differential equation Research on the construction of early warning model of customer churn on e-commerce platform Evaluation and prediction of regional human capital based on optimised BP neural network Study on inefficient land use determination method for cities and towns from a city examination perspective A sentiment analysis method based on bidirectional long short-term memory networks A study of local smoothness-informed convolutional neural network models for image inpainting Mathematical Calculus Modeling in Improving the Teaching Performance of Shot Put Application of Nonlinear Differential Equation in Electric Automation Control System Higher Mathematics Teaching Curriculum Model Based on Lagrangian Mathematical Model Computational Algorithm to Solve Two–Body Problem Using Power Series in Geocentric System Decisions of competing supply chain with altruistic retailer under risk aversion Optimization of Color Matching Technology in Cultural Industry by Fractional Differential Equations The Marketing of Cross-border E-commerce Enterprises in Foreign Trade Based on the Statistics of Mathematical Probability Theory Application of Linear Partial Differential Equation Theory in Guiding Football Scientific Training Nonlinear Channel Estimation for Internet of Vehicles Some Necessary Conditions for Feedback Functions of de Bruijn Sequences The Evolution Model of Regional Tourism Economic Development Difference Based on Spatial Variation Function System Model of Shipping Enterprise Safety Culture Based on Dynamic Calculation Matrix Model An empirical research on economic growth from industrial structure optimisation in the Three Gorges Reservoir area The Inner Relationship between Students' Psychological Factors and Physical Exercise Based on Structural Equation Model (SEM) Analysis and Research on Influencing Factors of Ideological and Political Education Teaching Effectiveness Based on Linear Equation Study of agricultural finance policy information extraction based on ELECTRA-BiLSTM-CRF Fractional Differential Equations in Sports Training in Universities Examination and Countermeasures of Network Education in Colleges and Universities Based on Ordinary Differential Equation Model Innovative research of vertical video creation under the background of mobile communication Higher Education Agglomeration Promoting Innovation and Entrepreneurship Based on Spatial Dubin Model Chinese-English Contrastive Translation System Based on Lagrangian Search Mathematical Algorithm Model Genetic algorithm-based congestion control optimisation for mobile data network