Introduction

As rivalry in steel production heats up, steel manufacturing technology is continually evolving. Steel production methods are now more focused on efficiency, energy-saving, environmental friendliness, and high-quality, high-precision manufacturing.[1,2,3] Excessive wear on the work rolls alters the shape of the roll gap, directly impacting strip shape and, consequently, strip quality. Quantitatively controlling the wear amount of work roll is challenging in current production.

Conducting a comprehensive analysis of wear amount of work roll and developing a high-precision prediction model for wear amount of work roll and replacement moment in finishing rolling contributes to enhancing automatic control of thickness and shape for hot strip finishing mill. By identifying the optimal replacement moment for work rolls, production costs of hot strip finishing mill can be reduced, maximizing work roll utilization and ensuring smooth production while enhancing product quality.[4,5,6] Therefore, it is crucial to investigate the wear patterns of work roll for finishing mill and develop a reliable prediction model to enhance finishing plate shape, product quality, and production efficiency, mitigate rolling accidents, and decrease steel cost per ton.

Intelligent steel rolling is currently a hot topic in the field of science and engineering research, but few researchers and scholars have studied and explored the hot rolling finishing process prediction model, and many researchers are still using traditional modeling methods such as random forests.[7,8] Traditional optimization methods have several shortcomings when working with complex problems involving high dimensions and multiple multimodality. These shortcomings include the limited consideration of influencing factors in traditional machine learning models, a susceptibility to getting stuck in locally optimal solutions, the risk of overfitting when dealing with large datasets, and problems related to sample imbalance.[9,10,11] As a result, researchers suggested a time series model to predict the wear amount of work rollers based on recurrent neural networks, but the method suffers from problematic defects such as training complexity, gradient vanishing and gradient explosion, and interpretability.[12,13,14] With technological advancements, researchers have devised genetic algorithm models that optimize issue solutions by imitating the biological evolution process. However, defining the parameters for this method is complicated, the algorithm has large iteration times, and the interpretability is poor. These issues cause deficiencies in predicting accuracy, endpoint hit rates, and model calculation time.[15,16,17]

To address the aforementioned shortcomings, the group proposed a prediction model for ending wear amount of work roll based on LAOA-TSVR algorithm. Due to the multiple factors influencing wear amount of work roll in the finishing mill, the research group used SPSS to conduct a correlation analysis of the parameters in the finishing process, resulting in the model's input variables. TSVR computation requires random assignment of values to specific parameters. This increases computational load, reduces operational efficiency, and may affect prediction accuracy.[18,19] To overcome this issue, the research group used the AOA technique for parameter optimization. However, the AOA method still has limitations, such as limited exploration capabilities and a tendency to prematurely converge to non-optimal solution.[20] To solve this, the research group developed the Lévy algorithm to improve the AOA algorithm (LAOA), giving it benefits such as easier parameter modification, an extended exploration range, fast convergence, and a strong capacity to jump out of local minima. Eventually, the group merged LAOA and TSVR and used stochastic search to optimize the kernel function, adjustment parameters, and penalty factor tuning, improving the model's computing speed, exploration capabilities, and prediction accuracy on the original premise.[21,22,23] According to the production process standards of a hot strip finishing mill, work rolls need to be replaced when their wear exceeds 6mm (Refer to the industrial trials section for details). The research group combined this criterion with the wear amount of work roll predictive model to forecast the replacement moment in finishing rolling. Finally, the model was tested in an industrial trial, and the findings revealed that it had a greater prediction accuracy. This model provides realistic assistance for predicting wear amount of work roll and roll replacement moment in a steel mill's actual production process.

Industrial Trials

Figure 1 depicted the process flow of the trial procedure. The research group acquired essential data from the real-time data report of a hot strip finishing mill as input volume data for creating the LAOA-TSVR model and saved these data in the model's database, which was used as the model's training and test sets. The F7 work roll of a hot strip finishing mill unit, which was a 4-roll mill with a mechanism depicted in Figure 2(a), was chosen as the subject of study in the industrial test technique. These work rolls were made of infinite chilled cast iron. The material for rolled strip steel was Q235B, with an initial work roll diameter of 600mm. Industrial trial data required for the rolling process were collected using relevant rolling line detection equipment. This mainly included roll gap, strip threading speed, rolling length, side guide opening, roll diameter, rolling force, roll contact length, reduction amount, strip width, exit strip width, rolling speed, and working temperature. According to the production process requirements of a hot strip finishing mill, when the wear amount of the F7 work rolls exceeded 6mm, it was necessary to be replaced promptly. The wear amount of work roll was measured using the #1 grinder equipment (Type: ProfiGrind2500-25x600), the structure of which was shown in Figure 2(b). And the wear value of the work roll was taken as the output of the model.

Fig. 1
figure 1

Hot rolling process diagram

Fig. 2
figure 2

The devices used in the industrial trials (a) F7 rolling mill structure (b) grinder equipment

Data Processing

Correlation Analysis

Collected the roll diameter replacement data of the F7 rolling mill in a hot strip finishing mill, coupled with production data. Firstly, any outliers should be removed from the data. Then, 1500 samples should be chosen for the training set and 500 for the test set. To gather model input variables throughout the modeling phase, a correlation study of 1000 sets of production data was performed using SPSS. The obtained correlation coefficients were shown in Figure 3. The final list of primary input variables influencing wear amount of work roll prediction includes rolling speed, strip threading speed, working temperature, roll gap, rolling length, side guide opening, roll diameter, roll contact length, rolling force, reduction amount, strip width, and exit strip width. The correlation coefficient results were presented in Table I.

Fig. 3
figure 3

Data correlation analysis chart

Table I Data Correlation Analysis Table

The normalization of input data

Since different parameters have different physical meanings and different scales, in order to ensure the comparability of the sample data, improve the reliability of the wear prediction model of the work roll and the convergence speed, the chosen data must be normalized before training. The data are normalized to the [0,1] interval according to their highest and minimum values. The method for data normalization is Eq. [1].

$$X_{{\text{p}}} = \frac{{\left( {X - X_{\min } } \right)}}{{X_{\max } - X_{\min } }}$$
(1)

where: \({X}_{\text{p}}\), represents the standardized sample value; \({X}_{\text{max}}\), represents the maximum value of the sample data; \({X}_{\text{min}}\), represents the minimum value of the sample data.

Model Building

This article discusses the LAOA algorithm is mainly used to optimize the main kernel function, adjustment parameters, and penalty factors in TSVR, taking the best prediction accuracy as the goal of parameter optimization, generating new solutions by using arithmetic operations, and evaluating the fitness of each solution and selecting the optimal solution until the stopping condition is satisfied, so as to find the optimal model parameters and establish the prediction model of wear amount of work roll and replacement moment in finishing rolling based on LAOA-TSVR. The progression of LAOA-TSVR hybrid intelligent algorithm is shown in Figure 4.

Fig. 4
figure 4

Flowchart of LAOA optimization of TSVR

Establishment of LAOA Model

The Lévy algorithm is used to improve the weights and thresholds of the AOA algorithm, and the revised algorithm has the advantages of faster convergence, faster running speed, larger searching range, and simpler to jump out of the local optimum, etc. The three steps of the AOA algorithm and the optimization of the Lévy algorithm are as follows:

To facilitate algorithm exploration and selection during the development phase, AOA defines a search control coefficient, i.e., the Mathematical Optimization Accelerator (MOA), as shown in Eq. [2].

$${\text{MOA}}\left( t \right) = {\text{Min}} + t \times \frac{{\left( {{\text{Max}} - {\text{Min}}} \right)}}{T}$$
(2)

where: Max, the maximum value of the accelerator 1; Min, the minimum value of the accelerator 0.2; t, the current number of iterations; T, the maximum number of iterations.

When the random number \({r}_{1}>MOA(t)\), the algorithm expands the search space to avoid local extremes, otherwise local exploitation is performed to improve the accuracy of the solution.

Based on the high dispersion property of the domain resulting from multiplication and division operations, the AOA algorithm utilizes multiplication and division search strategies to randomly explore a wider search area, with the position update equation as shown in Eq. [3].

$$X\left( {t + 1} \right) = \left\{ {\begin{array}{*{20}c} {X_{{{\text{best}}}} \left( t \right) \div \left( {{\text{MOP}} + \varepsilon } \right) \times \left( {\left( {UB - LB} \right) \times \mu + LB} \right),} & {r_{2} < 0.5} \\ {X_{{{\text{best}}}} \left( t \right) \div MOP \times \left( {\left( {UB - LB} \right) \times \mu + LB} \right),} & {r_{2} \ge 0.5} \\ \end{array} } \right.$$
(3)

where: \(X\left(t+1\right)\), the solution at the t + 1th iteration; \({X}_{\text{best}}\left(t\right)\), the population's best individual up to the current iteration; \({r}_{2}\), random number between 0 and 1; ε, the local minimum; μ, control parameter with a value of 0.5.

Based on the high-density value domain characteristics of the results of addition and subtraction operations, the AOA algorithm applies addition and subtraction search strategies to perform deep exploration of the search space, thereby enhancing solution accuracy, as shown in Eq. [4].

$$X\left( {t + 1} \right) = \left\{ {\begin{array}{*{20}c} {X_{{{\text{best}}}} \left( t \right) - MOP \times \left( {\left( {UB - LB} \right) \times \mu + LB} \right),} & {r_{3} < 0.5} \\ {X_{{{\text{best}}}} \left( t \right) + MOP \times \left( {\left( {UB - LB} \right) \times \mu + LB} \right),} & {r_{3} \ge 0.5} \\ \end{array} } \right.$$
(4)

where: \({r}_{3}\), random number between 0 and 1; \({X}_{\text{best}}\left(t\right)\), best(t) represents the population's best individual up to the current iteration; \(UB\), the upper limit for the relevant variable values; \(LB\), the lower limit for the relevant variable values.

In Eqs. [3] and [4], MOP stands for Mathematical Optimization Probability, and its calculation formula is as shown in Eq. [5].

$${\text{MOP}}\left( t \right) = 1 - \left( \frac{t}{T} \right)^{{\frac{1}{\alpha }}}$$
(5)

where, \(\alpha\), define the sensitivity parameter for development accuracy, which is set to 5 in this case.

Applying Lévy flight to the update of solution positions, the algorithm performs another Lévy flight update of individual positions after the initial update. This helps in escaping local optima and expanding the search capability. The method of position update is as follows:

$$X\left( {t + 1} \right) = X\left( t \right) + \alpha \oplus L{\acute{e}}vy\left( \lambda \right)$$
(6)

where: \(\alpha\), is the step scaling factor; Lévy(λ), indicating that it follows a Lévy distribution with a parameter of λ, and the formula is:

$$L{\acute{e}}vy \sim u = t^{ - \lambda }$$
(7)

Due to the complexity of Lévy flight, the Mantegna algorithm is employed to simulate it, with its mathematical representation as follows:

$$s = \frac{\mu }{{\left| v \right|^{{\frac{1}{\beta }}} }}$$
(8)

where u and v follow a normal distribution with parameters \({\sigma }_{\mu }\) and \({\sigma }_{\text{v}}\):

$$\mu \sim N\left( {0,\sigma_{\mu }^{2} } \right)$$
(9)
$$v\sim N\left( {0,\sigma_{\text{v}}^{2} } \right)$$
(10)
$$\sigma_{\mu } = \left\{ {\frac{{\Gamma \left( {1 + \beta } \right)\sin \left( {\frac{\pi \beta }{2}} \right)}}{{\Gamma \left( {\frac{1 + \beta }{2}} \right)\beta 2^{{\left( {\frac{\beta - 1}{2}} \right)}} }}} \right\}$$
(11)
$$\sigma_{\text{v}} = 1$$
(12)

In order to seek a reasonable computational load, a constant of 1.5 is taken for \(\beta\), at which point \({\sigma }_{\mu }\) is a constant 0.6966.

Establishment of TSVR model

The TSVR algorithm aims to derive two regression functions by solving two quadratic programming problems to optimize the objective function. Suppose the training sample is an n-dimensional vector and the number of training samples is p. Let the matrix \({A=\left[{x}_{1},\cdots ,{x}_{\text{p}}\right]}^{T}\in {R}^{p\times n}\) be the input training sample, the vector \(Y={\left[{y}_{1},\cdots ,{y}_{\text{p}}\right]}^{T}\in {R}^{p}\) be the output training sample, and the vector e be a 1 vector of the appropriate dimension.

Prediction of the wear amount of work roll is a multiple-input single-output nonlinear system. It is necessary to introduce the kernel function \(K=\left({x}^{T},{A}^{T}\right)=\text{exp}\left(-\frac{{\Vert {x}^{T}-{{x}_{i}}^{T}\Vert }^{2}}{2{\sigma }^{2}}\right),\sigma >0\), is the width of Gaussian kernel function. The sample is mapped to the high-dimensional space, and linear regression is performed through the high-dimensional feature space to obtain the regression function \(g\left(x\right)=K=\left({x}^{T},{A}^{T}\right)\omega +b\) where \(\omega\) is the weight vector and \(b\) is the bias.

By introducing Lagrange multipliers α and β vectors and combining them with the Karush–Kuhn–Tucker (KKT) conditions, we can obtain the dual problem of the objective function, as shown in Eqs. [13] and [14].

$$\max - \frac{1}{2}\alpha^{T} H\left( {H^{T} H} \right)^{ - 1} H^{T} \alpha + f^{T} H\left( {H^{T} H} \right)^{ - 1} H^{T} \alpha - f^{T} \alpha , 0 \le \alpha \le C_{1} e$$
(13)
$$\max - \frac{1}{2}\beta^{T} H\left( {H^{T} H} \right)^{ - 1} H^{T} \beta + h^{T} H\left( {H^{T} H} \right)^{ - 1} H^{T} \beta + h^{T} \beta , 0 \le \beta \le C_{2} e$$
(14)

where: \({C}_{1}>0\), adjustment parameter; \({C}_{2}>0\), adjustment parameter; \(H\)=\(\left[K\left(A,{A}^{T}\right)e\right]\); \(f=Y-e{\varepsilon }_{1}\); \(h=Y+e{\varepsilon }_{2}\); \({\varepsilon }_{1},{\varepsilon }_{2}\ge 0\), for adjustment parameters.

Establishment of LAOA-TSVR Model

The detailed procedure of optimizing the TSVR algorithm for LAOA is as follows:

Step 1::

Obtain data related to wear amount of work roll, preprocess the data, and generate the training set and sample set;

Step 2::

Initialize decision variable parameters and generate the initial solution;

Step 3::

Utilizing the algorithm's addition, subtraction, multiplication, and division search strategies, update the solution's position, evaluate the new solution on the objective function, and search for nearby potential optimal solutions;

Step 4::

Evaluate the fitness of the current solution to check if it meets the criteria for the optimal solution. If it does, output the optimal parameters. If not, continue to refine the solution using the search strategy that includes addition, subtraction, multiplication, and division, until the termination criteria are met;

Step 5::

Insert the optimal parameters into the weight and bias vectors to compute ω and b. Next, apply these values to the regression function g(x) to develop the predictive model for estimating the wear of finishing work rolls and the timing for their replacement.

Model Prediction Result

The LAOA-TSVR algorithm prediction model was used to generate final prediction results. Real values from the training and test sets were compared with the corresponding predicted values. The outcomes are presented in Figures 5, 6, 7, and 8.

Fig. 5
figure 5

Prediction results for the wear amount of work rolls in the training set

Fig. 6
figure 6

Prediction results for the replacement moment during finishing rolling in the training set

Fig. 7
figure 7

Prediction results for the wear amount of work rolls in the test set

Fig. 8
figure 8

Prediction results for the replacement moment during finishing rolling in the test set

Model Comparison and Results Analysis

To evaluate the prediction effectiveness of the model against traditional algorithms, we employed BP, RBF, SVM, and LAOA-TSVR models. We compared models using metrics such as fluctuation degree (SSR/SST), fitting degree (SSE/SST), root mean square error (RMSE), mean absolute error (MAE), and hit rate (HR). The parameter settings are as follows: BP (learning rate: 0.05, max training iterations: 1000, required accuracy: 1e-5, min error: 0.005), RBF (hidden nodes: 10, max iterations: 1e4, precision: 0.001, alpha: 0.01), SVM (error penalty: c = 1.0, kernel: rbf, degree: 3, gamma: auto, coef0: 0, stop precision: 1e-3), and LAOA-TSVR (lambda: 1.5, search solutions: 10, max iterations: 1000). Predicted and actual values from the BP, RBF, SVM, and LAOA-TSVR models were analyzed to assess convergence speed. The results are depicted in Figures 9 and 10.

Fig. 9
figure 9

Comparison of predictive effects of different models

Fig. 10
figure 10

Comparison of convergence speed of four algorithms

When the SSR/SST value of a model approaches 1, it indicates a better fit between its projected and real values; a smaller SSE/SST value corresponds to lower RMSE and MAE, indicating higher prediction accuracy. Table II reveals that the SSR/SST values of the BP, RBF, SVM, and LAOA-TSVR prediction models increase in the order of SSR/SST, while SSE/SST, RMSE, and MAE decrease in the order of SSE/SST. Thus, LAOA-TSVR demonstrates a superior degree of fit compared to the other three algorithms. The wear amount prediction model for work rolls developed by LAOA-TSVR exhibits the lowest relative error and outperforms the other algorithms. As depicted in Figure 10, the iteration curve of LAOA-TSVR flattens first, indicating a faster convergence speed compared to the other three models. In summary, based on the data from Table II, it can be concluded that the LAOA-TSVR prediction model outperforms the other algorithms.

Table II Comparison of Prediction Performance of Four Models

To assess the prediction performance of the model, we used the HR (hit rate) analysis. In the analysis of the prediction model, if the wear amount of work roll meets the requirements as specified in Eq. [15], it is considered a successful prediction. The corresponding formula for calculating the hit rate is shown in Eq. [16].

$$P_{{\text{S}}} \times \left( {100\,{\text{pct}} - k} \right) < P_{y} < P_{{\text{S}}} \times \left( {100\,{\text{pct}} + k} \right)$$
(15)

where: \({P}_{\text{S}}\), the measured wear amount of the work rolls; \({P}_{\text{y}}\), the predicted wear amount of the work rolls; k, with an accuracy rate of 0.5 pct.

$${\text{HR}} = \frac{{\left( {\left| {y_{i} - \frac{\wedge}{y}_{i} } \right| \le n_{{\text{e}}} } \right)}}{n} \times 100\,{\text{pct}}$$
(16)

Table III presents the hit rates of the four prediction models. From Table III, it is evident that for the prediction of wear amount of work roll within a range of ± 0.5 pct, the hit rates for BP, RBF, SVM, and LAOA-TSVR models are 77.3, 86.5, 90.6, and 96.2 pct, respectively. The hit rates for roll replacement moment prediction are as follows: 79.5, 87.1, 91.7, and 94.5 pct, respectively.

Table III Predicted Hit Rate

In summary, comparing the hit rates and SSE/SST, SSR/SST of the four models BP, RBF, SVM, and LAOA-TSVR, the LAOA-TSVR model exhibits superior predictive performance examination indexes and the highest endpoint hit rate, thus confirming its superior prediction effectiveness.

Industrial Production Verification

To verify the practical application effect of the LAOA-TSVR forecasting model, the model is applied to a hot strip finishing mill to carry out actual industrial tests, a total of 200 sets of data, when the wear amount of work roll exceeds 6mm of the diameter of the work rolls need to be changed in a timely manner, which is defined as the moment of changing rolls. The acquired data were preprocessed and substituted into the model, and the model prediction effect is displayed in Figures 11 and 12. The hit rate of LAOA-TSVR model in forecasting the wear amount of work roll within the range of ± 0.5 pct is 95.2 pct, and its accuracy in predicting the moment of replacement moment is 98.3 pct. In this can be seen in the complex hot rolling conditions, indicating that the model prediction effect is better, to meet the actual production needs of a steel mill.

Fig. 11
figure 11

Predictive effect of LAOA-TSVR model in predicting wear amount of work roll in practical applications

Fig. 12
figure 12

Predicted effect of the replacement moment in finishing rolling

To verify the practical application effect of the LAOA-TSVR forecasting model, the model underwent actual industrial trials in a hot strip finishing mill, where 200 sets of data were collected. When the wear amount of work roll exceeds 6mm of the diameter, indicating the need for timely replacement, defined as the roll changing moment. The acquired data underwent preprocessing and were then inputted into the model, with the prediction results displayed in Figures 11 and 12. The LAOA-TSVR model achieves a hit rate of 95.2 pct in forecasting the wear amount of work roll within the range of ± 0.5 pct, and an accuracy of 98.3 pct in predicting the moment of replacement. This demonstrates that under complex work rolls application conditions, the model exhibits superior prediction effectiveness, meeting the actual production requirements of a hot strip finishing mill.

Conclusion

This article proposes a prediction model based on the LAOA-TSVR algorithm for predicting wear amount of work roll and replacement moment in finishing rolling. The model offers advantages such as high prediction accuracy, fast convergence speed, strong fitting ability, and robust generalization capability. By optimizing TSVR with LAOA for kernel functions, parameter tuning, and penalty factors, the model's computational speed, exploratory ability, and prediction accuracy are enhanced compared to the original version.

The LAOA-TSVR model is characterized by a unique extreme point. Compared with the traditional algorithmic model, the LAOA-TSVR model can better avoid falling into the local optimum and deal with the nonlinear regression problem, and more accurately predict the amount of wear of the work roll and replacement moment in finishing rolling.

The industrial production verification results demonstrate that the LAOA-TSVR model accurately predicts the wear amount of work rolls within a range of ±0.5 pct, achieving a high hit rate of 95.2 pct. Furthermore, it achieves an outstanding hit rate of 98.3 pct in predicting the moment for roll replacement, surpassing other algorithmic models. These findings indicate that the LAOA-TSVR model meets the demand for precise prediction of wear amount of work roll and replacement moment in finishing rolling, providing valuable theoretical guidance for predicting wear amount and replacement moment of work roll in the hot strip finishing process.

After comparing the predictive performance of four algorithms (BP, RBF, SVM, and LAOA-TSVR), the findings highlight the LAOA-TSVR model as the optimal choice based on its evaluation using RMSE and MAE indexes. It demonstrates the smallest relative error, superior tracking capability, and the highest accuracy among the regression models. These results confirm the strong generalization ability and effectiveness of the LAOA-TSVR prediction model. This can be applied to the different rolling processes via transfer learning in the future.