Visual tracking research is one of the most important visual research directions in the field of computer vision. Its application fields include visual navigation, intelligent video surveillance, intelligent city, and military precision guidance [1–3]. In practical application scenarios, the tracking target state will be affected by many factors, such as deformation, illumination intensity, rotation, and so on, which makes single target tracking still a very challenging task. In recent years, the convolutional neural network has been successfully applied to various image processing problems (such as target detection, object classification and image segmentation), which significantly improves the performance of corresponding tasks [4–7].
The introduced self-attention mechanism is realised by the spatial attention module and channel attention module. The spatial attention module selectively aggregates the weighted sum of all eigenvalues to the corresponding position in the original input feature map, which enhances the correlation between similar features. After integrating all the feature maps, the channel attention module selectively emphasises the importance of each channel feature by weighting the channel space of the feature. In part of the training data of MDnet, the semantics of the targets are the same but the categories are different, so the discrimination ability of the model is reduced. To solve this problem, a composite loss function is constructed. The composite loss function is composed of the classification loss function and instance discrimination loss function. The classification loss function is used to count the loss value of target classification, and the instance discrimination loss function is used to improve the weight of the target in the current video sequence and suppress its weight in other sequences [8–12]. In the target tracking algorithm MDnet based on the CNN framework, several down sampling structures are used to obtain the depth features of the target, resulting in the loss of more detailed information in the downsampling process. The feature maps of different depths of targets extracted by CNN, especially the shallow feature map, contain more spatial position information of target objects, which is very important for target tracking tasks requiring accurate positioning. For deep features, the deep features of the target cover the semantic information about the robustness of the target, which makes the discrimination ability of the network model not easy to be affected in some tracking scenes including light intensity change, object deformation and rotation. Therefore, aiming at the problem that the tracking network cannot make full use of different levels of features, taking MDnet as the benchmark algorithm, a multi-domain convolution neural network based on multi-level feature aggregation is designed. By aggregating different levels of features, the tracker can make full use of the characteristics of different levels, and improve the feature representation ability of the tracking network. The designed feature aggregation network is still an end-to-end model without introducing the problem of specific parameter settings, which maintains the universality of the target tracker. A specific data augmentation strategy is used for network pre-training, which fully takes into account various conditions that may occur in the target tracking scene. The training samples are processed by pre-simulating the change in the target state, which makes the network model more discriminative after training [13]. In addition, the anomaly detection module is embedded in the tracking algorithm, and a perfect anomaly response strategy is designed to improve the problem of template drift caused by the drastic change of target state or long-term tracking.
The proposed algorithm has carried out detailed quantitative and qualitative experiments on the widely used OTB and vot2015 data sets. The experiments show that the proposed algorithm shows good tracking performance and is superior to many top-notch algorithms, which fully verifies the effectiveness of the proposed algorithm.
The convolutional neural network was proposed in 1989 when it was built by Yann Lecun of New York University. It is the optimal version after multiple version iterations, and its computational performance has been greatly improved. Since ancient times, the main way for human beings to obtain information is the eyes and ears. They analyse what they see and hear, to make a corresponding response. For computing devices, to solve what they see in front of them, they need to capture and save the images with cameras. Next, they use the powerful computing function of computers to analyse pictures to get relevant information. With the development of technology, the current research field does not refer to the shallow convolutional neural network, and the complexity of the number of layers can be large or small. Its application has also made a great breakthrough in speech recognition, image processing, and natural language processing [14–16].
A complete convolutional neural network structure includes three layers: input layer, hidden layer, and output layer [13]. Due to the input features and marks, they are corresponding one by one in the convolution neural network. In this way, compared with the above neural network learning mode, the convolution neural network belongs to supervised learning, and the input features are standardised. The vector group of early training samples is composed of data annotation and input eigenvalues. Through the early normalisation processing, in this learning mode, the size of weight data is repeatedly corrected, making the whole convolutional neural network converge. In the input layer, the standardised operation of input features has an obvious positive relationship between improving the performance of the whole network and learning rate. This layer includes three types: convolution layer, pooling layer, and full connection layer.
The convolution layer is well known. In the direction of image processing, a convolution neural network has certain advantages over a depth neural network, and its use of local perception is stronger than the latter. In the convolution layer, we extract the input data to get its eigenvalues, and when these speech data are preprocessed, the extracted eigenvalues will be cut into rectangular blocks one by one. For the back-propagation algorithm, by calculating each convolution unit, the input data features pass through a convolution layer. Through the accumulation of convolution layers, more information on data features can be extracted more completely. When passing through more convolution layers, some complex features will be extracted from the basic data. Therefore, the calculation formula of convolution can be expressed by the following formula 1.
For example, in a simple convolution process, the initial output data
After these three layers of processing, it needs to be processed through softmax regression. In this process, it is to define the probability value that the initial sample does not match the same category, and obtain the probability that the input belongs to a certain category among different categories on the final output. Here, some processing of convolution is different from the category of signal operation. In this model, convolution processing is a linear weighted calculation. See the formula above (1).
The convolution layer contains many convolution kernels. The eigenvalues of different levels are learned by these convolution kernels, to obtain many output values. Of course, these convolution kernels are not directly connected with the whole characteristic graph. There is a layer of rules between them, which combine them. In the convolution core, its work is different from that of the full connection layer network. The convolution core in the convolution layer is connected to the areas where the features are input. Through such connection, the connection size of the whole network has been reduced to a certain extent. On the contrary, it can get enough structured features. Moreover, because the convolution core has a parameter sharing mechanism, the parameters of the training network have been reduced a lot.
Another name for the pooling layer is also called the full connection layer. In the pooling layer, it will not reduce the matrix depth of the whole network and can reduce the size of the matrix to a certain extent [15]. After processing in the convolution layer, a lot of information coincides to a certain extent, so there is a pooling layer. After the processing of the pooling layer, the number of nodes in the full connection layer can be reduced, which can achieve the effect of reducing the number of parameters in the whole neural network. After the processing of the pooling layer, the effect obtained is to accelerate the calculation speed. At the same time, it can also make the output data not cause overfitting problems. In terms of use, it is somewhat similar to the convolution layer. Here, there are two calculation methods to process the data characteristics obtained through the convolution layer, the maximum pooling layer, and the average pooling layer, The former is to take the maximum value of the data, which is also the most used pool layer structure. The latter obtains its average value through the relevant calculation area of specified characteristic data [17–21].
Single depth slice is 4× The block of 4 is sampled with the maximum value, and the result is 2×2. In this way, the single depth slice can be divided into 2×2, as shown in the figure above, take the maximum value of each small square. We can use formula (2) to express the output size of the pooling layer.
In the above formula (2), we can see that there is a division operation, which shows that the characteristics of the input pool layer should be divided by the size of the pooling layer.
The processing of the pooling layer has achieved remarkable results in two aspects. One is to compress the data level of the whole neural network. At the same time, it will reduce the training parameters of the neural network and improve the constraint of the neural network. Based on these two, it will achieve a good effect, that is, it can maintain the invariance of the network, to improve the Luban of the whole network itself, In this way, the application in speech recognition can achieve an effect, that is, the speech recognition system will have certain fault tolerance in the translation caused by different wording techniques and some external environment noise.
After the cyclic calculation of the above two layers, for the data input into the network, after the cyclic calculation of the first two layers, for the input characteristic data, the relevant important data has been reorganised, and its key information can be better reflected. For the operation of the first two layers, they can be regarded as automatic calculation behaviour. After these two processes, the processing results are classified through the full connection layer. There is a rasterisation process, which reorganises the output results, and then obtains a feature vector, which also upgrades part of the feature information processed by the convolution layer and pooling layer to deeper dimensional space, and also classifies all the information. The tool of this classification is the full connection layer. For example, it can convolute a two-dimensional feature value through the above convolution, In this way, it is transformed into one-dimensional feature data so that the information can be reorganised globally. Softmax full connection is generally adopted, which is also the last checkpoint of a convolutional neural network. Its key role is to normalise the output results. The activation value obtained in this way is the speech feature calculated by a convolutional neural network.
After the first two layers of the convolutional neural network are calculated, if the output result has a flag, after the last softmax, the output result is a vector value with N dimensions. Each value in the vector has a corresponding probability, that is, it represents the occurrence probability of the first flag. Each flag corresponds to the probability one by one, and the sum of the probabilities of the N flags is 1. The expression (3) of softmax for the last level is as follows.
From the above formula, the function of this operation is to improve the nonlinear expression ability of the whole convolution model. The whole formula is actually a normalisation process. The meaning of the denominator part is the sum of N signs. The upper part is the result of the first sign. Obviously, the result of all signs will not be >1. When the corresponding probability of the result of a sign approaches 1, the result of this sign must be greater than that of other signs. In this way, the results of other signs must be infinitely close to each other. This is the normalisation process mentioned above.
The neural network optimisation algorithm is used in some schemes to accelerate the convergence speed of the network model or optimise the loss function. To obtain the optimal parameters and minimise the value of the loss function, optimization methods are commonly used in neural networks
There are three algorithms: random gradient descent method, momentum gradient descent method and Adam algorithm.
The random gradient descent method is a simple and effective method. It randomly extracts one group from all samples, updates it according to the gradient after training, and then extracts one group and updates it once. When the sample size is large, you may not need to train all samples to get a network model within an acceptable range. Because only one group of samples is updated each time. The parameters required for the updating of the network model will be greatly reduced and the training speed of the network will be accelerated, but this will also cause the problem of uncertain optimisation direction, which will eventually result in local optimisation rather than global optimisation, thus reducing the accuracy of the network model.
The momentum gradient descent method draws on the ideas of physics. Imagine rolling the ball into a frictionless bowl. The accumulated momentum does not stop at the bottom of the bowl but pushes it forward, which produces momentum. The descent process of the above random gradient descent method is not directly to the best, but back and forth, which will waste a lot of network training time. In addition, the random gradient descent algorithm needs to set a learning rate before training. Setting an excessive learning rate will lead to excessive updating of parameters and large errors of gradient swing. Setting a small learning rate will increase the number of iterations of training, which will increase the training time of the model and waste resources and time. The momentum gradient descent method can set a larger learning rate and reduce the training times in the training process so that the convergence speed of the network model is faster and more stable, and there will be no back-and-forth descent problem. The algorithm mainly sets an impulse in the process of random gradient descent to accelerate the gradient descent. The momentum gradient descent algorithm can be expressed by the following formula:
Where
Adaptive motion estimation is a combination of rmsprop and random gradient descent methods. The algorithm uses the square gradient of rmsprop to scale the learning rate of the network model, and uses the average value of the gradient movement rather than the gradient itself to calculate. In this way, it can set different learning rates for different parameters. It is an adaptive learning rate method. Adam algorithm is named for its use of an adaptive matrix. It adjusts the learning rate in the network model by estimating the first-order matrix and the second-order matrix. The fluctuation problem of the previous algorithm is improved, which significantly improves the convergence speed and stability of the network model. Adam algorithm can be expressed by the following formula:
Image quality generally refers to the evaluation of people’s visual perception of images. Image quality assessment (IQA) includes a subjective assessment based on human perception (i.e. visual realism of images) and an objective assessment. Although human subjective evaluation meets our practical needs, this evaluation method consumes a lot of manpower and time, and is subject to too many human factors to obtain stable evaluation results. Therefore, the calculation method based on objective evaluation is the mainstream common method. This paper mainly introduces two common objective evaluation methods: peak signal-to-noise ratio (PSNR) and structural similarity (SSIM).
PSNR is the most commonly used objective evaluation method of image quality. It is usually compared with the original image after image compression and image restoration. It evaluates the image quality by comparing the difference in pixel values between the original image and the processed image. Its formula is as follows:
Generally,
Generally speaking, it is easier for human vision to extract the structure of images. Therefore, according to the comparison of image brightness, contrast and structure, a structural similarity index (SSM) is proposed to measure the structural similarity between images. For an image
In the formula is the covariance between image
Among them,
When calculating the formula, a
As a method of deep learning, convolutional neural networks have performed well in many fields, such as speech analysis and image recognition. In the convolutional neural network, over-complete filters can be used to extract various potential features. For example, if you want to extract a certain feature, you need to use enough filters to extract the possible situations of all the features, so that you can extract The features that actually need to be extracted are also covered.
Convolutional neural networks provide a hierarchical model that can learn features directly from image raw pixels. In the first stage, a preprocessed black and white image of size 32×32 is input into a convolutional layer consisting of six filters of size 5×5, and then the resulting six filters of size 28×28 are input. The feature map is input to a nonlinear transformation layer. For each pixel of all feature maps, the nonlinear transformation layer is obtained by the following transformation:
The resulting six feature maps are then input into a maximum downsampling layer, which takes the maximum value within each 2×2 spatial neighbourhood. Compared with the sigmoid and tanh functions, the RELU function can effectively solve the gradient dispersion problem. The maximum downsampling layer makes the convolutional neural network robust to small translations of the image. When applied to target tracking, they make the network more robust to tracking errors due to inaccurate target locations.
The implementation of the second stage is similar to the first stage. First, the output of the first stage is subjected to convolution operation. The convolution layer consists of 12 filters with a size of 5×5. The feature map is input to the ReLU function, and each 2×2 field is subjected to maximum downsampling. The downsampled feature map is transformed into the form of a vector, and each node is regarded as one dimension in the high-level features. After a two-stage convolution operation, ReLU transform and maximum downsampling, this network can extract higher-level features.
The particle filter implements a recursive Bayesian filtering method through the sequential Monte Carlo importance sampling method. The main idea of a particle filter is to use a series of random particles to represent the posterior probability. Particle filter consists of two main parts: 1. Dynamic model: generate candidate samples based on previous particles. 2. Observation model: Calculate the similarity between the candidate sample and the target apparent model. Given all the observations
In the formula,
Finally, the optimal target state
To improve the computational efficiency, this algorithm chooses to track only the position and size of the target. let
In order to obtain the apparent change, the apparent model of the convolutional neural network will be continuously updated, and the likelihood function also needs to be continuously adapted over time. However, the main disadvantage of the apparent adaptation method is that it is sensitive to drift problems, such as possible gradual adaptation to non-objects. In order to alleviate the drift problem, this algorithm uses the real appearance information of the target marked in the first frame and the image observations obtained online.
Usually, the centre point error is used to evaluate the pros and cons of tracking performance. As an evaluation criterion to quantitatively analyse the quality of tracking results, the centre point error calculates the square error of the coordinates of the centre point of the tracker tracking result and the centre point of the real label value in the
The average centre point error is the average value of the centre point error in the whole time. The smaller the average centre point error value, the better the tracking result of the tracker in the entire video sequence. In the ideal case, the average centre point error value is 0. But to be precise, sometimes the average centre point error is not a good measure of the tracking performance of the tracker. If a better tracking algorithm tracks the target well most of the time, but only loses the target at certain moments, the tracking results obtained by the tracker at these moments are likely to be random. The point error will become very large, pulling up the average centre point error, and the result obtained from the average centre point error will consider the tracking algorithm not an excellent tracking algorithm to better evaluate the performance of the tracker.
Accuracy Statistics In the video sequence, the percentage of frames where the error between the centre point of the tracker’s tracking result and the centre point of the real label value is within a certain threshold range of all frames. The setting of the precision reading value is very important here. Generally, the reading value will be set to 20 pixels. A good tracking algorithm can get a relatively high accuracy value when the reading value is set relatively low. If one arrives at the position of the target and only loses the target at certain moments, the accuracy of the tracking algorithm in the video sequence will not be very high, and the tracking algorithm will still be considered a better tracking method if the accuracy method is used., so the accuracy can better evaluate the performance of the tracker than the average center point error. The centre point error mainly evaluates the stability of the tracker, and the method to evaluate the robustness of the tracker is mainly the overlap rate method.
Both the accuracy method and the success rate method are indispensable. For example, if a tracking method is difficult to deal with the problem of target scale change well, the value of the average centre point error of the tracking method will be relatively small but the value of the average overlap rate may be very low. Similarly, if a tracking method does not track the target very stably, but keeps shaking around the target object, the value of the average overlap rate of the tracking method may be relatively high, but the average centre point error will be very large. Therefore, when the accuracy and the success rate are considered together, the pros and cons of the tracking algorithm can be objectively and comprehensively investigated.
The target tracking algorithm based on the convolutional neural network has achieved a good tracking effect. The algorithm is completely pre-trained with convolutional neural networks in natural scenes that are not related to the tracking task, which shows that by learning and transferring the mid-level general features of the convolutional neural network, the tracking algorithm can effectively construct the target appearance model, which can be used in a certain amount of time. To a certain extent, the drift problem in the tracking process is alleviated.
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 Impact 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 -groupsStudy on transmission characteristics in three kinds of deformed finlines based on edge-based finite element method 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