Abstract

The competition among enterprises is becoming increasingly fierce. The research on the financial management evaluation model is helpful for enterprises to find possible risks as soon as possible. This paper constructs the financial management evaluation model based on the deep belief network and applies the analytic hierarchy process to determine the weight of financial management evaluation indicators, which is compared with other classical deep learning evaluation methods, such as KNN, SVM-RBF, and SVM linear. It has achieved an accuracy of more than 81%, showing a satisfactory prediction effect, which is of great significance to formulate corresponding countermeasures, strengthen financial management, improve the capital market system, and promote high-quality economic development. In addition, aiming at the problem of abnormal financial data, this paper uses the new sample dataset obtained by principal component analysis for convolution neural network model learning, which enhances the prediction accuracy of the model and fully shows that deep learning is feasible in the research of financial management prediction, and there is still a lot of space to explore.

1. Introduction

With the development of society, financial intelligence increasingly affects our life and has a great impact on the traditional financial work, which is a topic of concern to enterprises all over the world. By importing data into the database or taking the existing data in the database as the analysis object [1], financial intelligence processes the data according to the financial management model and uses the high-speed and accurate computing power of the computer to quickly obtain the enterprise operation diagnosis report, so as to form a fast and reliable basis for business decision-making [2]. As a popular direction in the computer field, deep learning technology has been closely combined and applied with the financial field. Using reasonable deep learning technology can solve the problem of efficient automatic data analysis in the financial industry, provide valuable prediction information for managers, and provide reliable early warning for healthy institutional operation [3].

Throughout the research trends of financial management evaluation at home and abroad, it mainly focuses on financial evaluation indicators and evaluation models. In the selection of financial management evaluation indicators, existing studies mainly focus on which indicators can accurately predict enterprise crisis [4]. It has experienced the common application stage of multidimensional indicators from single financial ratio indicators and multivariable financial ratio indicators to the combination of financial indicators and nonfinancial indicators [5]. The above studies have achieved certain prediction results, but the selection of multidimensional early warning indicators usually uses statistical methods to test the normality and significance of sample index data and then combined with manual discrimination based on professional ability to select indicators. The selection method is more complex, and there is no unified conclusion on which indicators to select. In the selection of early warning models, early scholars often used univariate model, logistic model, discriminant analysis model, and so on [6]. With the development of information technology, a large number of open real data information can be obtained in the process of enterprise operation. These data can often reflect the past risk status of the enterprise and even some characteristics of the risk of the whole capital market [7]. Therefore, scholars began to apply neural network, support vector machine and other models based on artificial intelligence methods to financial crisis early warning. Generally speaking, the early warning model based on artificial intelligence method has made great progress in the mechanism and systematicness of early warning. It not only overcomes the limitations of the early warning model based on statistical method, such as requiring data to obey normal distribution and complex calculation and analysis, but also has strong fault tolerance and learning ability [8]. At present, artificial neural network has developed to the stage of deep learning network, which is characterized by self-learning and high dynamic adaptability. Therefore, deep learning is also applied to the field of financial management evaluation.

Deep learning can complete a lot of regular, simple, and repetitive work. The application of financial intelligence technology in the financial field has played an important role in improving business efficiency, reducing work errors, and preventing and controlling enterprise risks. This paper studies the financial risk by establishing the financial management evaluation model, which is a quantitative method. It is different from the qualitative analysis. The work is difficult, and the accuracy is low. The model research has higher reliability and uses the analytic hierarchy process to determine the enterprise evaluation index system. This model interprets the historical data, links the characteristics of the data with the financial situation of the enterprise, and then uses the existing data to analyze and predict the future, so as to ensure the accuracy of the prediction.

Ng et al. proposed a new fuzzy CMAC (cerebellar model articulation controller) model based on reasoning component rules as a new method for bank fault classification and early warning system [9]. Artificial neural network is introduced into financial management evaluation for the first time. Artificial neural networks not only deal with the lack of data errors, but also allow for timely adjustment of internal control parameters. Erhan et al. have proved through practice that the unsupervised training method can better describe the complex functional relationship, which provides a good reference for financial risk early warning. Through the establishment of Yahoo information bulletin board, Jones studied the impact of network information on financial management by using the method of deep learning [10, 11]. Through the establishment of online information bulletin board, Jones reduced the fluctuation of stock price and found that investors’ differences of opinion may reduce risk and increase turnover. Through the analysis of stock related blog information in support vector machine, Choudhury found that the fluctuation of stock price will be affected by blog content [12]. Tetlock conducted a 24-year analysis of 500 listed companies [13] and counted the negative words in various reports in this period through the method of deep learning. On the basis of the relationship between corporate income and stock income, this paper points out that the negative words in the news reports of listed companies can predict the decline of listed companies’ profits and reevaluate the listed companies. Under the pressure of trading, news content may capture some information that is difficult to quantify, which has a certain early warning function in media reports. Najafabadi et al. abstracted the deep learning algorithm into data representation through the hierarchical learning process [14]. This method has attracted great attention from data science. It is widely used to solve problems, such as network security, medical information, national intelligence, and marketing. Jason Kuen and chin poo Lee applied deep learning to the representation of visual tracking invariance [15] and achieved good results through strong spatiotemporal constraints and stacking slow convolution tracking. Yudistira and Kurita [16] proposed that deep learning processor has become the most potential solution to accelerate deep learning algorithm and pointed out the disadvantage of low efficiency of assembly instructions written by deep learning, which puts forward higher requirements for the research of deep learning.

To sum up, although there are many researches on deep learning at home and abroad, covering a wide range of fields, they mainly focus on theory, speech recognition, and image recognition, which are the feature judgment of known information and lack of relevant empirical research. Many literature studies show that deep learning can well describe complex functions, and financial management evaluation can also be used as a complex function judgment, but so far, deep learning has not been used in the research of financial management evaluation. Based on the previous research, combined with the characteristics of financial management, this paper applies deep learning to the evaluation model of financial management.

3. Evaluation Modelling Based on Deep Belief Network

3.1. Deep Belief Network Model

Deep learning is a category of machine learning that focuses on neural networks. Machine learning can be applied to image, speech, pattern recognition, weather prediction, stock price prediction, gene expression, and content recommendation. This is very similar to the recognition of images by the cerebral cortex. The deep learning model first extracts the low-level features from the original signal, then obtains the higher-level features from the low-level features, and then obtains the higher-level expression. In the face recognition system, the original signal is the pixel, the low-level feature is the edge of the object, the high-level feature is the contour composed of edges, and the high-level expression is the face. Through training with characteristic data, the error is transmitted from top to bottom to fine tune the network. Based on the parameters of each layer obtained in the first step, the parameters of the whole multilayer model are further optimized. Finally, it classifies according to the high-level characteristics and outputs the prediction results of the model. Deep belief network is one of the mainstream deep learning algorithms [17]. According to the Boltzmann machine model of stochastic neural network, the principle architecture of restricted Boltzmann machine [18] is shown in Figure 1.

represents the offset vector of the visible layer, represents the offset vector of the hidden layer, and is the weight matrix. The energy function in a deep confidence network generated by multiple constrained Boltzmann machines for any set of neurons with state vector (v, h) is expressed as follows:where is the number of all neurons, is the state vector, h is the state vector in hidden layer, and nh is the number of all neurons in the hidden layer, and denotes the adjustment factors that limit the Boltzmann machine architecture. Through the energy function defined in formula (1), we get the joint probability distribution of state (, h), as shown inwhere the expression of Z(θ) is shown inwhere Z(θ) is the normalization parameter. It can be seen that in order to obtain and p(h|θ), the key step is to calculate the normalized parameter Z(θ). The connection of a DBN is guided and determined by generating weights from top to bottom. RBMs is like a building block. Compared with the traditional and deeply layered sigmoid belief network, it can easily learn the connection weights. The probability of activation of a neural unit in the hidden layer can be calculated by the following formula [19]:where σ(•) indicates sigmoid activation function. The stochastic gradient algorithm is usually used to find the maximum value of . The momentum coefficient is generally taken as (0, 1). Intuitively, it is understood that if the current gradient direction is the same as the gradient direction of the previous step, the weight update of this step will be increased, and if it is different, the update will be reduced. The depth belief network model adopted is shown in Figure 2.

3.2. Determination of Financial Management Evaluation Index by Analytic Hierarchy Process

The evaluation of financial management objectives of logistics enterprises is a complex systematic project, which requires the establishment of a financial management evaluation system [20]. ST means “special treatment.” The policy is aimed at those with abnormal financial or other conditions. The addition of ST before the stock means that the listed company has suffered losses for three consecutive years, and the exchange makes a delisting warning. The weight of financial management evaluation indicators is determined by analytic hierarchy process. Analytic hierarchy process decomposes the problem into different constituent factors and gathers and combines the factors according to different levels according to the correlation, influence and subordinate relationship between the factors to form a multilevel analysis structure model. It is a model and method for making decisions on complex systems that are difficult to be fully quantitative. The steps are as follows. First, establish a financial management evaluation index system. In order to make a correct evaluation of financial management, we should start from the corporate governance structure; establish the financial management evaluation system from the perspectives of management decision-making and external environment. The corporate governance structure, management decision-making and external environment evaluation are composed of some related elements. See Figure 3 for details.

Then, the judgment matrix A is constructed to obtain the weights of U1, U2, and U3 of the evaluation index system. As an example, the calculation process is illustrated. For the above evaluation index system, the expert group believes that in the evaluation of financial management, corporate governance structure (U1) is more important than management decision (U2) and external environment (U3), and the management decision is more important than the external environment; then .

Calculate the product Mi of each row element of the judgment matrix, and then calculate the nth root of Mi. Finally, normalize the vector and calculate the index weight Wi:

, , .

Calculate the maximum eigenvalue of judgment matrix A, | λmax|:

(A)1 = 1 × 0.5396 + 2 × 0.2970 + 3 × 0.1634 = 1.624. Similarly, (A)2 = 0.894, (A)3 = 0.4922. The last step is consistency testing. When n = 3, R1 = 0.58, the judgment matrix has satisfactory consistency. Therefore, the weight of U1, U2, and U3 is [0.5396 0.2970 0.1634]. Other index weights can be calculated according to the above method, and the calculation results are shown in Table 1.

When Cn = 0.0048, Rn = 0.90, and CR1 = 0.0054, the judgment matrix has satisfactory consistency. When CI2 = 0.0192, RI2 = 0.58, and CR2 = 0.0562, the judgment matrix has satisfactory consistency. When CI3 = 0.0268, RI3 = 0.58, and CR3 = 0.0562, the judgment matrix has satisfactory consistency. The weight distribution data of indicators at each level are summarized in Table 2.

3.3. Intelligent Detection Model of Financial Data

Time series data is a data column recorded by the same unified indicator in chronological order. All data in the same data column must be of the same caliber and must be comparable. As IOT brings a large amount of time series data, we need to time slice the time series data. The traditional time-series data processing methods include median, extreme value, deviation, variance, year-on-year, month-on-month, and periodic methods. These methods can only roughly summarize the data and form a preliminary understanding. The overlapping slicing method of sliding window is used in this paper. This method sorts and counts the target data according to the time sequence, delimits the length and size of each window, summarizes and calculates the characteristics of each time period window, analyses different data with the same dimension in continuous time periods, and obtains the change trend of the target data. In this paper, it will be solved by convolution neural network, as shown in Figure 4.

Firstly, after the training data is processed by zero mean, principal component analysis is carried out to reduce the input parameters of convolutional neural network model and reduce the correlation between input factors. Then, the new sample dataset obtained by principal component analysis is used for convolutional neural network model learning, and the parameters in convolutional neural network are continuously adjusted by gradient descent. Finally, the test sample data are applied to the model to verify the prediction accuracy of the model.

Since this study only considers the impact of historical data on future enterprise finance, a one-dimensional convolutional neural network is adopted. The model includes two convolutional subnet works, as shown in Figure 5. The input layer is m k-dimensional index data output from formula (4), and the output layer is two classifiers. The convolution layer is used to extract different features of the input layer, the linear rectification layer is used to activate neurons in the network according to the linear function, the pooling layer is used to reduce the data dimension, and the full connection layer is used to combine all local features and calculate the final classification result.

In this study, the input data for one-dimensional convolutional neural network is the k-dimensional orthogonal feature of M companies. Then, three convolutional subnetworks are used to deeply learn the orthogonal feature data of enterprises. The first convolutional network selects 128 convolutional cores with the size of 1 ∗ 3, and the second convolutional network selects 128 convolutional cores with the size of 1 ∗ 4. The third subconvolution network selects 128 convolution cores with size of 1 ∗ 5. The calculation formula is as follows:where X(l) and X(l−1) are the neuron output values of layer l and layer l − 1, is convolution kernel, and b is offset. The activation function adopts a modified linear unit. For the input x, the weight vector is ω, and the output with offset b is max (0, ωx + b). The linear activation function simply sets the threshold to zero, which greatly reduces the computational overhead. Moreover, compared with the expensive operations (exponents, etc.) of sigmoid and tanh neurons, relu can be activated through a simple zero threshold matrix and is not affected by saturation. Meanwhile, L2 norm is used to normalize the fitting cost, as shown inwhere the first term represents the cross entropy cost, the second term is the sum of squares of all weights added, and then the factor used λ/2n to make quantitative adjustment, and λ > 0 is called the normalization parameter. The third convolution subnetwork outputs to the full connection layer and then outputs the final binary result; that is, whether the enterprise is ST in this study, the output result of ST enterprise is 0 and that of non-ST enterprise is 1 [21]. At the same time, this study uses the maximum pooling method to pool local feelings and selects the flexible maximum method to solve the problem of slow learning.

4. Results and Safety Analysis

4.1. Data and Empirical Design

In the future, A-share may form a two-way benign expansion of supply and demand, and the regulatory authorities’ policies on its stock market are also more effective and in place, which is conducive to the dynamic balance of supply and demand. There are ST system and ST system in stock market. From the perspective of data availability and effectiveness, it is a reasonable method to use enterprise stock ST or ST as the symbol of enterprise financial crisis.

This paper first selects the companies that are ST and ST (hereinafter referred to as ST companies) and then finds out the corresponding companies of each ST or ST company (hereinafter referred to as non-ST companies) in the companies with normal financial conditions according to the industry and average total assets. Use the financial index data of ST companies and non-ST companies in the previous years of 2016 to predict whether there will be a financial crisis in 2016 (by ST or ST), compare with the actual situation, count the accuracy of the prediction, and conduct empirical analysis. This paper selects a total of 3513 companies. The reason for data normalization is that the measurement units of each data are different, and the processed data will be between 0 and 1. If the data is not normalized, the gradient descent is carried out in one unit, so its descent step in each direction is the same. Nonstandardized data will cause the gradient to follow a zigzag route in the direction perpendicular to the contour line when the gradient decreases, which will make the iteration very slow. In general, normalization can make the order of magnitude of each stock index correspond to the length of gradient decline [21].

This paper has conducted four empirical analyses, and the selection of data quantity is shown in Table 3. This paper has conducted four empirical analyses, and the selection of data volume is shown in Table 3. Taking the data of the first few years of 2016 as the training set and the data of the next few years of 2016 as the prediction set, the output result of no financial crisis is 0 and the output result of financial crisis is 1. The judgment result is recorded as x, the actual situation of the company is recorded as y, x and y are 0 or 1, the number of companies in the prediction set is n, and the calculation formula of accuracy Pa is

4.2. Outcome Evaluation Criteria

Because each simulation will randomly take an initial value, the results of each simulation may be different. The experiments were conducted in four groups based on the size of the years of data selected. In general, the nodes in the hidden layers have an impact on the prediction results. If the number of hidden layer nodes is too small, the network cannot have the necessary learning ability and information processing ability. If too much, it will not only increase the complexity of the network structure and make the network more likely to fall into local minima in the learning process but also make the learning speed of the network very slow. The neural network structure has two hidden layers, and the number of them can be determined by the following formula:where m and n represent the nodes of the output layer and the input layer, respectively, α can be any value between 1 and 10. These methods can only obtain feasible initial values for the nodes of the hidden layer, and this number usually needs to be corrected during training and learning. Generally, two methods of gradually increasing and gradually decreasing are used to correct the number of nodes in the hidden layer to achieve the expected value and reduce the error to a reasonable range. This study uses formula (9) to calculate the hidden layer nodes and finally obtains the nodes of each network, as shown in Table 4.

From the results shown in Figure 6, the accuracy of the model in predicting whether an enterprise will have crisis can be maintained at more than 81%, which shows that the model based on deep learning has a general prediction effect for A-share listed companies, the more the years of data used for prediction, the higher the accuracy of prediction.

In order to test the effect of model training, this study inputs the test data into the model after the above training and observes the accuracy of the test data. From Figure 7, it can be seen that after training, the accuracy of the model on the training set is 79.1%, and the accuracy on the test set is 91.34%. The results show that the accuracy of the test set is slightly higher than that of the training set, which proves that the model has better generalization ability.

4.3. Intelligent Analysis of Financial Data Based on Deep Learning

In the pretraining stage, each layer of RBM network is trained separately and unsupervised to ensure that the feature vectors are mapped to different feature spaces and retain the feature information as much as possible. It is pretrained by an unsupervised greedy layer-by-layer method to obtain the weight. In this process, the data is input to the visible layer to generate a vector , which is transmitted to the hidden layer through the weight to obtain H. In the last layer of DBN, a BP network is set up to receive the output eigenvector of RBM as its input eigenvector and train the entity relationship classifier supervised. Moreover, each layer of RBM network can only ensure that the weight in its own layer is optimal for the eigenvector mapping of that layer, not for the eigenvector mapping of the whole DBN. Therefore, the backpropagation network also propagates the error information from top to bottom to each RBM layer and fine-tune the whole DBN network. The process of RBM network training model can be regarded as the initialization of the weight parameters of a deep BP network. The naive Bayesian classifier in this paper is realized by MATLAB programming. In this section, the financial data of traditional indicators are processed by the time-series construction method proposed above and then input into the classifier. After running, the classification effects of traditional models and various forms of models can be obtained. The operation results of each model are shown in Figure 8.

In Figure 8, the recall rate of the time series index model in the ratio form and the first relative value form is the highest. In terms of precision, the time series index model in the form of difference is the best. It can also be seen that the recall rate and precision rate show the law of one change and the other. The comparison of classification accuracy of DCNN under different hidden layer structures is shown in Figure 9.

According to Figure 10, hidden levels 1, 2, and 3 show good classification accuracy, all reaching more than 91%. After 600 iterations, the classification accuracy of the second level reaches 98.57%, which is the maximum of the classification accuracy. Therefore, the convolutional neural network model with 3-layer hidden layer structure has good classification accuracy.

In order to further prove the effectiveness and superiority of convolutional neural network model, this work compares it with traditional classical machine learning early warning methods. The methods used for comparison include k-nearest neighbor (KNN), support vector machine Gaussian kernel (SVM-RBF), support vector machine linear kernel (SVM linear). The basic parameter setting of the test is the same as the above. The number of neighbors in KNN is set to 6 and the kernel function parameter of support vector machine is set to 10. Making the weight smaller and smaller, then its corresponding loss function will be smaller and smaller, finally achieving our goal. The smaller the value of the loss function, the more accurate the prediction is. The prediction accuracy of the model established in this study can reach 81.65% showing a good financial prediction effect. This is because convolutional neural network can better learn the correlation between various indexes and extract the most effective abstract features, so as to ensure the accuracy of prediction results.

5. Conclusion

In order to improve the accuracy of corporate financial management evaluation, this paper constructs a financial management evaluation model based on deep learning and uses the data of A-share listed companies from 2007 to 2020 to explore whether deep learning can build a generally applicable financial management model for listed companies. By using the data of different years, it is also concluded that the more the data years the model constructed in this paper uses, the higher the prediction accuracy. The test results show that the intelligent analysis of financial abnormal data based on deep learning is also effective and accurate. Finally, the effectiveness and practicability of the intelligent analysis method are proved by an example.

Data Availability

The data used to support the findings of this study are included within the article.

Conflicts of Interest

All the authors do not have any possible conflicts of interest.

Acknowledgments

This work was supported by Key R & D Plan of Shandong Province (Grant no. 2020RKB01367) and the National Social Science Foundation (Grant no. 20BJY033).