Quantitative investment is a process that allows the investment idea to be transformed into a transaction model with its profitability is analysed by data, with which to guide the transaction. Since the 1990s, some quantitative investment researchers and financial practitioners have got mathematical logic formulas extracted from the complicated transaction logic, and analysed the market behaviour through mathematical methods such as statistics and probability, in order to find the law and form a stable and reusable transaction strategy that can be used in actual transactions. Especially in recent years, with the rise of artificial intelligence, the researches of the new-generation artificial intelligence methods such as machine learning and deep learning in voice, text and image appear increasingly healthy in the market, more and more people try to apply machine learning algorithms to the quantitative investment field. It is expected to use the complex structure of machine learning algorithm to explain some complex market trading phenomena, so as to construct a more stable and effective quantitative strategy.
As a strategic form of quantitative investment, stock selection has been studied and applied for a long time. From the traditional statistical method to the current machine learning method, the stock selection method has also changed greatly with the development of computer technology. In this paper, we will focus on the specific application of machine learning method in stock selection, without considering the countries, markets and groups to which the method applies. We hope that through the literature research on linear model, clustering, support vector machine, random forest, neural network and deep learning methods in the field of stock selection, and through the comparison of the results of various methods, people can more intuitively compare and refer to various methods, in order to better understand how to develop and optimize their own stock selection strategies according to specific needs.
The rest of the paper is structured as follows: in Section 2, we briefly introduce the basic concept of stock selection. In Section 3, we will focus on the six most widely used machine learning methods in the field of stock selection, and analyse the specific research and application of various methods through the literature. In Section 4, we compare the six models with SSE 500 from three aspects: excess return rate, information ratio and max drawdown. The experimental results verify the effectiveness and stability of the six models. Finally, we summarize the application and development of stock selection method, and put forward the prospect of future work.
Stock selection is one of the quantitative investment strategies. The key to stock selection is to mine the driving factors behind the stock price, and then analyse the internal relationship between these factors, so as to find the portfolio relationship between stocks and build the corresponding portfolio. Hua [1] defines stock selection as “the process of establishing a model by using data-based methods, screening listed stocks, and obtaining income by selecting stocks with better performance in the future.” In short, stock selection is to use quantitative method to select stock portfolio, hoping that the stock portfolio can obtain investment behaviour that exceeds the benchmark rate of return.
There are various types of stock selection data, which we call stock selection factors. We divide different stock selection strategies into two categories: Fundamental Stock Selection and Technical Stock Selection according to different stock selection factors. Among them, fundamental stock selection is a stock selection method that uses the existing public information, obtains the dynamic P/E ratio and growth results of the stock after comprehensive analysis, and obtains whether the stock valuation is reasonable with reference to the current stock price, so as to determine the purchase and sale of the stock. The data involved in fundamental stock selection mainly include macroeconomic data, microeconomic data and financial data. Among them, macroeconomic data include basic national conditions, market and industrial policies; Microeconomics includes basic industry demand and price; Financial data analysis mainly includes enterprise assets and liabilities, cash and income. Fundamental stock selection mainly includes multi factor model, style rotation model and industry rotation model. Technical stock selection is also called stock selection based on trading data or stock selection based on technical analysis. It mainly analyses all price related data in the stock market. This kind of data is generally in the trading instruction book of the stock market. Compared with the fundamental data, the price data required by technical stock selection has faster update frequency, larger data volume, and obvious time series characteristics. Due to the strong time series characteristics of stock data, the data noise and uncertainty are large, and the repeatability is random, which makes the stock selection analysis more difficult. Technical stock selection mainly includes capital flow model, momentum reversal model, consistent expectation model, trend tracking model and chip stock selection model.
The selection of stock selection factors is multifaceted, which is also a problem worthy of study. This paper mainly studies the application of machine learning in the field of stock selection, but mostly analyses the stock selection factors. In our experiment, we only use the typical stock selection factor as our experimental data.
The traditional qualitative investment and quantitative investment are essentially based on the market efficiency hypothesis or non-effective theoretical basis. By analysing the potential factors affecting the stock price, we can establish a portfolio that can produce excess returns. Quantitative investment relies more on computer analysis than traditional human observation to screen out strategies that can bring excess returns from massive data. Some of these strategies are based on the experience summary of historical data, and some are based on reasonable market experience, which can avoid emotional interference to the greatest extent and repeat past wrong decisions in the face of extreme market instability.
Over the past 30 years, stock selection has been a hot spot in stock market investment research. With the increasing amount of stock related data and the increasing number of data dimensions (factor types), the traditional stock selection model is greatly limited in terms of performance and efficiency when dealing with these data, and the machine learning method has inherent advantages in dealing with this multi-dimensional and large amount of data, which can better meet the new requirements in the field of stock selection.
Machine learning is not a single method, but a general term of a class of methods. Machine learning includes many different methods. According to different model training methods, machine learning methods can be divided into supervised learning and unsupervised learning. The classification of machine learning methods is shown in Figure 1.
As shown in Figure 1, there are many machine learning methods. By consulting the relevant literature on stock selection, we have selected the six most widely used methods: linear model, clustering, support vector machine, random forest, neural network and deep learning for specific introduction. There are many other machine learning methods that we have not mentioned, and you can consult them by yourself, it will not be repeated here.
Linear model is the simplest and most commonly used model in machine learning. There are many kinds of linear models, such as regression model (Linear Regression, Ridge Regression and Lasso Regression), classification model (Logistic Regression), Principal Component Analysis, Linear Discriminant Analysis, etc. The linear model is characterized by simple structure, easy analysis and understanding, and difficult over fitting. The disadvantage is that the assumption is strong, and the complex financial signal may not meet the linear assumption.
Fig. 1
Machine learning methods.

Regression model includes Linear Regression, Lasso Regression and Ridge Regression, etc. Linear regression is the most common machine learning algorithm in traditional multi factor models. Simple univariate linear regression can be used in the single factor model. According to the known “characteristic factors” and “labels”, the model reflecting the relationship between the two can be trained. The model can be used to predict the future trend and select the stocks (portfolios) with good trend.
However, single factor is difficult to effectively predict the trend, and multi factor multiple linear regression is needed. The model is constructed by constructing the linear relationship between the rise and fall range and “characteristic factors”:
When the sample size is small, it can be calculated directly
In the ordinary least squares method, we do not make any prior assumptions on model coefficients
When the penalty term is a coefficient
In the framework of the multi factor model constructed by the above method,
Many times, we don’t need to predict the rise of stocks next month, but we want to predict whether stocks will rise or fall next month. In this way, it is no longer a regression problem, but a classification problem. Logistic regression is one of the simplest machine learning classification methods.
Logistic regression can be composed of two parts, one is the same as linear regression, and the other is Sigmoid Function. Logistic regression does not strictly divide the result into 0 or 1, but gives the probability that the result is between 0 and 1. The logistic regression model is adopted:
Another common equivalent form of the model is:
Logistic regression is mainly applied to the construction of multi factor stock selection model, which selects stocks (portfolio) by judging the rise and fall of stocks. However, in practical application, stock trend includes rise, fall, shock and other forms. In this way, stock selection is no longer a simple two classification problem, but a multi classification problem. Multiple classification logistic regression method includes many classification and OvR (one vs rest) strategies, which have relevant applications in stock selection.
Hiemstra [2] compares linear regression and back propagation network to predict the quarterly excess return of the stock market. The experimental results verify the effectiveness of the two models. Better Stocks (combinations) can be selected through the excess return. Huang [3] makes a comparative study on the traditional regression model of stock scoring and the linear model based on ml. in the ML based model, genetic algorithm (GA) is a famous search algorithm in the ML field, which is used to optimize the model parameters and select the input variables of the stock scoring model. The experimental results show that the proposed genetic method is obviously better than the traditional regression method and benchmark. Huang [4] proposes a multiple linear regression model based on fundamental indicators and technical indicators, and constructs a multi factor stock selection model through the relative rate of return. The model can distinguish the relative rate of return of stocks according to factors, so as to select stocks (combinations) with high rate of return. Chaudhary [5] developed a regression system to predict the stock value of the company. Through linear regression and logistic regression, stock prediction and stock analysis are carried out to select stocks with higher returns. Chen [6] proposed a logistic stock selection model based on financial driving factors, and verified that the model performs best in the threshold of 5% return through the test of different test sets.
The above literature studies different stock markets with different linear models. The research results confirm that the linear model has obvious advantages over different comparative models and can be improved to varying degrees.
Clustering is a kind of unsupervised machine learning method, which classifies similar (related) objects into the same cluster. The biggest difference between clustering and classification is that the we know the target of classification in advance, but we do not know the target of clustering. Clustering can be applied to almost all objects. The more similar (related) the objects in the cluster, the better it effects.
K-means clustering is the most classical clustering algorithm. It groups the samples according to the similarity between samples and divides them into K clusters. This is a very effective and practical idea in stock selection.
Clustering is simple and intuitive. It can provide multiple possible solutions for exploratory research. Selecting the final explanation requires subjective judgment and subsequent analysis. Stock selection is to select a high-yield stock portfolio from multiple stocks, which is completely consistent with the clustering characteristics.
Steve [7] uses clustering algorithm and time series outlier analysis, uses PAM clustering algorithm to constrain the initial set of stocks, and uses outlier analysis to define two independent active trading strategies. These results are compared with the passive strategy of fully investing in the S&P 500 index, the stock portfolio constructed by the combination of clustering algorithm and time series outlier analysis is better than the pure passive index strategy. Newton [8] uses hierarchical clustering algorithm for cluster analysis, groups the stocks in the spot market according to the risk return criterion, and then uses Ward method to sort to form the final stock portfolio. Wang [9] conducted cluster analysis on the constituent stocks of SSE 180 index. By dividing the constituent stocks of SSE 180 index into 8 categories, using conditional stock selection and cluster analysis, the success rate and return rate were tested. It was proved that the return rate of stock portfolio selected by cluster analysis method was higher than that of stocks without cluster analysis. Ratchata [10] proposed a stock selection method combining the moving average of the index, trend and momentum technical indicators to identify the stock selection method that is most likely to be better than the market index, and determined the best combination of these indicators through cluster analysis. Li [11] improves the semi supervised k-means algorithm for the multi factor stock selection model, adds the modified Gaussian kernel function on the basis of introducing the gravitational image of the marked data to the unmarked data, and constructs the improved Gaussian kernel function and the semi supervised K-means clustering method based on the gravitational image factor. Without increasing the complexity of the algorithm, it greatly improves the ability of K-means model to deal with high-dimensional and linear inseparable problems.
Clustering method has a lot of research and application in stock selection, which is mainly due to the fact that the characteristics of clustering are very similar to stock selection. Different clustering combinations have been studied in the literature, and the stock selection results have also been significantly improved compared with the comparison model.
Support vector machine is one of the most widely used supervised machine learning methods. Support vector machine can be divided into linear support vector machine and kernel support vector machine. The former aims at linear classification problem, and the latter belongs to nonlinear classifier.
The idea of support vector machine is to construct “hyperplane classification”, and calculate the hyperplane by introducing kernel. For the linear case, the equation of the hyperplane is:
There are usually three kernel functions of support vector machine:
Linear kernel:
Polynomial kernel:
Gaussian kernel:
Support vector machine has many advantages. And it has many models in dealing with linear and nonlinear problems. However, the training time of support vector machine is generally long, especially when the number of training samples is too large. Moreover, the kernel method requires to store the kernel matrix, resulting in the high spatial complexity of the algorithm. Therefore, support vector machine is more suitable for the task of small batch samples.
Lee [12] proposed a hybrid feature selection method, which combines the advantages of filtering method and packaging method, selects the best features subset from the original feature set. And then, it finds the best parameter value of SVM kernel function. Through this method, the stock selection prediction of SVM is realized, and its accuracy is better than the traditional BP network. Zikowski [13] uses volume weighted support vector machine to select short-term stocks and then construct stock portfolio. Ru [14] uses AdaBoost enhancement method to process parameters and uses SVM as classifier. The addition of AdaBoost makes the model more profitable and less income fluctuation than traditional SVM. Zhang [15] tested SVM models with linear kernel, polynomial kernel, Gaussian kernel and sigmoid kernel, and constructed different K-SVM stock selection models on this basis. The experiments proved that K-SVM has strong prediction ability of stock selection income. Gao [16] proposed an integrated model of fuzzy dynamic SVM for stock selection. Experiments show that the average rate of return of the model is higher than that of the industry. Meng [17] proposed a multi-level stock selection model of GBDT-SVM based on a large number of factors, which uses machine learning technology to optimize factor selection and dynamic adjustment of factor weight, so as to improve the acquisition ability of multi factor model to stock excess return.
Due to the introduction of kernel method, support vector machine model can better solve the nonlinear classification problem than the previous machine learning model, which is very effective in complex stock selection data, solves the problem of linear indivisibility, and the obtained model is more effective and stable.
Random forest is a classifier containing multiple decision trees. It trains a series of decision trees with Bagging method. It is a strong classifier that can be better applied to different scenarios of classification and regression.
Specifically, the random forest algorithm constructs each decision tree according to the following two-step method. The first step is called “row sampling”, which is to sample back from all training samples to obtain a bootstrap data set. The second step is called “column sampling”,
Random forest has good accuracy, can effectively run on large data sets, and can process input samples with high-dimensional features. Random forest can evaluate the importance of each feature. Therefore, dimensionality reduction is not required in the construction of random forest model. These characteristics make the training and prediction of random forest faster. The performance of random forest in stock selection is better than the traditional stock selection methods in many literatures, and it is widely used in the construction of stock selection model.
Random forest algorithm can solve two kinds of problems: classification and regression. Tan [18] and Li [19] uses random forest to select stocks by multiple factors through financial data, industry data, stock data and other data to build a stock portfolio, and its return rate is higher than the average return. Zheng [20] uses the minimum spanning tree method to investigate the relationship between stocks, explore the structure of stock network, use Kruskal algorithm, Prim algorithm and weight matrix method to solve the minimum spanning tree of stock network, model and solve the factors of stocks according to grouping technology, find out the similarities and differences between stocks, and select stocks. Jia [21] proposed a random forest support vector machine model. The model uses random forest to reduce the dimension of the original data, which improves the reliability and effectiveness of decision-making. By comparing the model with PCA-SVM, it is confirmed that the stock selection accuracy of the model is higher.
As an ensemble learning model, random forest can solve the instability of a single model in classification. Random forest can process higher dimensional data, ensure the diversity of stock selection factors, and make the stock selection results more comprehensive and effective.
Artificial neural network is a model that imitates the information transmission between brain neurons. It can approximate any function with any accuracy. It can deal with all kinds of complex nonlinear relations. It is mostly used to deal with classification problems. Artificial neural network can be divided into multi-layer and single-layer. Each layer contains several neurons and they are connected by a directed arc with variable weight.
In the process of model training, we calculate the value
Theoretically, there is a close relationship between the number of hidden layers and nodes and the fitting degree of the model to the data. More number leads to more accuracy. However, more number of layers and nodes will bring many problems, such as the number of weight parameters, which makes the solution space of the optimization problem too large and the algorithm is difficult to converge. Secondly, the back-propagation algorithm will also fail. The error gradient becomes minimal after several layers of transmission, and it is almost impossible to modify the connection weight of the previous layers. In addition, it also brings the problem of over fitting.
Asriel [22] used multilayer feedforward neural network to predict the stock excess return through technical and fundamental factors, and constructed a hedging portfolio composed of the same capitalized long and short positions, with a return higher than that of S&P 500 index. Ghosn [23] and Quah [24] and Stanley [25] and Yeh [26] and Kim [27] and Huang [28] use artificial neural network to select stocks in different stock markets and build stock portfolios, and their returns are higher than those of the general index. Tsai [29] and Lan [30] use back propagation neural network to conduct quantitative stock selection in Taiwan stock market and Shenzhen stock market. Principal component analysis is added to select indicators, and its accuracy and yield are higher than that of BPNN network [30]. Tong [31] compared multilayer perceptron, adaptive neuro fuzzy inference system and general growth radial basis function, and proposed how to systematically select stocks by using relative operating characteristic curve (ROC).
Neural network can build more complex stock selection model. Through the study of different literature, we find that the organization of different neurons has a great impact on the effect of stock selection model. And different stock selection factors also have a great impact on the results of the model, and the performance of the same model in different stock pools is also quite different.
As the most important branch of machine learning, deep learning has developed rapidly in recent years and attracted extensive attention at home and abroad. As one of the hottest trends in machine learning and artificial intelligence research, deep learning realizes the feature extraction of external input data from low-level to high-level by establishing and simulating the hierarchical structure of human brain, so as to achieve the purpose of interpreting external data. In recent years, as a new branch of machine learning, deep learning has achieved great success in many fields, including image processing, computer vision, speech recognition, machine translation, natural language processing and so on.
Deep learning can be regarded as a neural network structure with multiple hidden layers. It can form more abstract high-level representation attributes or features by combining low-level features, so as to find the distributed feature representation of data.
Deep learning can also be regarded as a general term of a series of methods. Typical deep learning models include deep feedforward neural network, deep belief network, convolutional neural network, generative countermeasure neural network, graph convolution neural network, etc. There are great differences in the structure of each model. According to our research on stock selection literature, we find that cyclic neural network is widely used in quantitative investment, and there are many applications of cyclic neural network in stock selection.
Yang [32] proposed a multi-index feature selection method based on multi-channel convolutional neural network structure. The maximum information coefficient feature selection method is used to select candidate indicators to ensure the correlation with stock trend and reduce the redundancy between different indicators, so as to build a high-yield stock portfolio. Zhang [33] and Zhang [34] and Sun [35] is based on the LSTM model for stock selection. The deep stock ranker model proposed in [34] is based on the LSTM model, which can predict the future earnings ranking of stocks and make stock selection. Sun [35] selects stocks based on the sequence of yield prediction, and studies LSTM and GRU series prediction models. The prediction and stock selection accuracy of the two models is better than the traditional forward neural network model, and GRU model is slightly better than LSTM model. Zhou [36] constructs a multi-factor stock selection model based on adaptive recurrent neural network algorithm. Compared with RNN, the model has less calculation time, low cost and high accuracy. Compared with LSTM, the accuracy and convergence speed of the model are significantly improved.
The deep learning model can better process high-dimensional data and build more complex stock selection models. Moreover, for the stock trend with frequent changes, the deep learning model has better fault tolerance, can make better adjustments, and the stock selection results are more efficient and stable.
By studying stock selection models constructed by machine learning algorithm in different literatures, we find that the performance of stock selection model based on machine learning is better than traditional stock selection model and comparison index. This is mainly because the characteristics of machine learning method for high-dimensional data processing are better than traditional methods, which can meet the needs of high-dimensional information extraction and analysis. Financial data has the characteristics of very low signal-to-noise ratio, less samples and unstructured data, high-dimensional information input and market dynamics. It has high requirements for the model. Machine learning method can deal with these characteristics of financial data well, which leads to the better effect of stock selection model constructed by machine learning method than traditional stock selection model.
We select six machine learning models in all a shares of China's stock market, and compare them with SSE 500 in excess return, information ratio and max drawdown. Among them, in the deep learning model, we choose RNN model as the stock selection method.
Excess rate of return is the difference between the actual rate of return of the stock and its normal rate of return, expressed as:
Information ratio can measure the heterogeneity of stocks and represent the excess return brought by unit active risk.
Fig. 2
The comparison of excess rate of returns.

Fig. 3
The comparison of information ratio.

Fig. 4
The comparison of max drawdown.

Max drawdown refers to the drawdown range of the return rate from the maximum net value to the lowest net value in the cycle. It is an important risk index to evaluate the stability of the model. The comparison of max drawdown is shown in Figure 4.
Through the comparison of six machine learning models, we find that each model has different performance in different evaluation indexes. However, in general, random forest performs best in these evaluation indicators. Firstly, the excess ratio of return is significantly higher than other models, the information ratio is also higher than other models, and the max drawdown is only higher than support vector machine model. The performance of neural network model and RNN model is also better than linear model and clustering model, and effective experimental results are obtained.
Over the years, as an important part of quantitative investment strategy, stock selection methods have changed with the continuous development of computer technology. The behavior of the stock market has not changed in essence. The traditional stock selection method has been fully verified in theory and practice. No matter how the stock market changes, its basic principle has not changed fundamentally, as long as the data and strategies during stock selection are consistent with the corresponding market mechanism, the traditional stock selection method can still be used in the current stock market. With the development of machine learning, quantitative investment methods have also been promoted. Through the use of new machine learning methods, stock selection methods also have new research directions and ideas. We briefly introduce the six most common machine learning methods in the field of stock selection, and introduce the application examples of different machine learning methods through the analysis of literature. Through the experimental research in China's stock market, it is compared with the SSE 500 in three aspects: excess return, information ratio and max drawdown. The experimental results show the effectiveness of the machine learning method. Through this paper, we hope that people can study more practical stock selection methods according to the actual situation of the stock market and various applicable machine learning methods, so as to obtain more efficient and stable returns in the stock market. In our future work, we will deeply study the construction of stock selection models of machine learning methods in different stock markets, especially the application of integrated learning methods represented by random forest in the field of stock selection.
Fig. 1

Fig. 2

Fig. 3

Fig. 4

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