1 Introduction

Sports injuries are common, and some of them are repeated with time. Throughout their lives, athletes can sustain multiple sports injuries that can affect their careers and harm them physically, emotionally, and financially. In sports injuries, accidental events are generally considered to significantly impact subsequent injury (of the same or a different type). These repeated injuries are unlikely to be statistically independent. Hence, statistical and intelligent techniques suitable for analyzing and processing the data relevant to these injuries need to be used. Various modeling methods have been used to report recurring event data, such as modeling the total number of events. However, these methods have been naive in the predictive context because they do not allow for the association between events or have omitted essential detailed information about the corresponding events. Important statistical developments have been made in the last couple of years in modeling repeated event data.

High-level athletes participate in various forms of competitions at both local and global platforms. After taking part in competitions, they need to conduct systematic physical fitness and special skills training to track and maintain their physical and mental status. They also need to work out daily training, which is often at a higher intensity level. This kind of long-term and high-intensity training puts a higher physical strain on the athlete's body. It is always in a state of higher load that it is easy to cause sports injuries to athletes [1]. Conversely, an athlete will not be able to do the high-intensity training with ease due to sports injuries and will not achieve good performance in high-level competitions, which will affect the improvement of athletes' performance [2,3,4,5]. From the perspective of fitness, the physical fitness level of high-level athletes determines the level of their skills. Therefore, the development of sports skills must be based on the physical fitness of an athlete. An athlete's fitness level also depends on the game he/she may play, as some sports require more fitness level, and some need less fitness level. For example, sprint sports have an extremely higher requirement of athletes' physical fitness. Sprints are one of the highest intensity sports, and athletes often perform high-intensity training, which inevitably brings an increased risk of sports injuries. Studies have shown that the major injuries that sprinters often face are iliac crest, band friction syndrome, ligament injury, knee injury, ankle injury, hip injury, waist injury, tenosynovitis, abrasions, and contusions, etc.

These sports injuries need to be diagnosed at the early stages. If they are not diagnosed at the initial stages and left unaddressed, it will continuously affect the systematic high-intensity training of sprinters and shorten the career of these athletes. Therefore, sports injuries have become the main factor that frequently limits the performance improvement of high-level athletes. Hence, the need for sports injury detection methods to predict injuries of high-level athletes has arisen. Detecting the athletes accumulating poor posture or sports injuries during the training and accurately positioning the injured parts can determine the cause of body posture problems. Tracing the athlete’s problems in training combined with special intervention measures to address potential sports injuries can help to reduce the incidence of sports injuries, prevent sports injuries, and improve sports training levels.

The advancement in technologies and rapid development of intelligent models such as machine learning (ML) and deep learning (DL)-based intelligent predictive systems have attracted significant attention of researchers and industries. These advanced techniques-based models possess unique properties such as robustness, self-organization, self-adaptability, parallel processing capabilities, distributed storage, excellent fault tolerance, non-linear approximation capabilities, and some other attractive features. At present, DL algorithms are used widely and have many applications in various fields such as agriculture, healthcare, industries, military agencies and have achieved good results. Among the DL algorithms, artificial neural network (ANN) is most widely used for various purposes. Murphy et al. [1] have summarized the previous studies and divided the risk factors that induce sports injuries into two categories, i.e., internal and external factors, in terms of sports injury risk prevention. In another study, the author established a dynamic chain model to explain the interaction between injury risk factors and the contributions of those factors toward the injuries [2]. Therefore, it is effective to use a DL-based approach such as neural networks to identify and estimate athletes' injuries.

This paper proposes a novel dual-feature fusion neural network model for athlete injury estimation to overcome the issues mentioned above. Our proposed algorithm solves the problem of feature loss caused by the merging operations leading to a decrease in classification accuracy. It uses 1 × 1 convolution and hyperlinks to form a double fusion structure, resulting in enhanced and effective discrimination. The experimental results show that the algorithm can effectively identify athletes’ injuries and give more accurate estimates/predictions. Following are some of the main contributions of our research work:

  • We propose a novel dual-feature fusion neural network model for identifying and recognizing the athlete's injuries, capable of extracting more representative deep features from the data and resulting in higher recognition accuracy.

  • Given the complex environment of martial arts athletes' movement loss recognition, this paper proposes a novel approach to convert the image of each gesture of the athlete to two color subspaces, texture and gray, and extract texture and gray features to improve the model's identification ability.

  • We have conducted enough comparative experiments and studies on the collected athlete injury dataset that proved the effectiveness and superiority of the dual-feature fusion neural network model proposed in this study.

The remaining paper is structured as follows: Sect. 2 demonstrates the background study, Sect. 3 notifies the material and methods, and Sect. 4 represents the experiments and results. Finally, we conclude our paper in Sect. 5.

2 Background

Sports injuries are usually not a result of a simple factor but often occur as a result of multiple factors [6,7,8]. For making a more accurate prediction of the occurrence of sports injuries, we must first study the factors that directly or indirectly lead to the occurrence of these injuries. The analysis of related factors of sports injury risk warning is the basis of the entire sports injury intelligent prediction. Based on the literature study, interviewing coaches and athletes, and other theoretical knowledge and analysis it is found that as many as more than 20 factors can directly or indirectly cause sports injuries, and many of these data are qualitative data, which cannot be accurately expressed using traditional linear models. Neural networks can solve the problem of finding the relationship between the factors and injuries in an effective way, but when applying these neural network algorithms, it is necessary to use a sample library for training. The quality of the sample library directly affects the results such as the accuracy of the neural network algorithms. The demand data of the sample database are the information of all athletes' sports injuries risk early warning-related factors and their corresponding early warning levels. At the earlier stage, the required factor information can be obtained via a questionnaire, and the factor information related to the physiological and biochemical indicators can be obtained from the weekly measurement data of the sports team members, but how to accurately determine the early warning level through these indicators are a difficult task. The perceptual judgment of coaches and experts to find the fitness level of an athlete is usually not accurate enough. In order to overcome the above-mentioned issues, this study first established a linear dynamic chain model using the collected sports injury-related factor information to qualitatively determine the warning level. Through the earlier prediction and evaluation results of coaches, experts, and linear model, the final prediction level is obtained, which results in a trained model and is then tested on the sample database of sport injuries.

Deep learning (DL) algorithms play a tremendous role in the diagnosis and prediction of various diseases. Among the DL algorithms, artificial neural network (ANN) is an important and most widely used algorithm. The advantage of ANN lies in its excellent information processing characteristics, which are mainly related to non-linearity, high parallelism, fault tolerance, noise tolerance, and its ability to learn and generalize [9,10,11,12,13,14]. The word "neural" in the name ANN implies that they are systems, inspired by the structure of the brain to replicate the way humans learn. The human brain contains more than 100 billion neurons and is very fast as compared to the computer structured perceptron. The computing power of a single neuron is very limited, but a neural network composed of hundreds of billions of neurons can achieve extremely complex functions. The ANN is a mathematical model constructed by perceptron that imitates the characteristic of human brain, which connects a large number of neurons (perceptron) into a whole and form a network of neurons which operates with a faster speed and can solve complex problems. The network calls thousands of neurons for calculations and has excellent performance that can approximate various complex functions. Artificial neural network is a powerful tool in the field of pattern recognition. Those patterns that are too complex or too many for humans to extract can be handed over to the machine for recognition. Although ANN has been proposed around 1940, it has not been until recent decades that ANN has become the key technology of AI, which has an inseparable relationship with the "back propagation" technology. This technology allows the perceptron to modify the parameters of its neuron hidden layer when the actual effect does not match the desired effect. Different layers of the multi-layer network will extract different features until the ANN can recognize it [15,16,17,18,19]. So far, DL algorithms specifically neural networks have been widely used in sports and other aspects.

3 Material and methods

The main theme and objectives of the proposed system are to design and develop a novel dual-feature fusion neural network model for the identification and prediction of athletes’ injuries that can extract more representative deep features and achieve promising and higher prediction results. Sprinter injuries dataset has been used in this study. In order to provide the data in a normalized form to the classification models various preprocessing techniques are used. The dataset is divided into two main parts i.e. training and testing. In this study, 70% of the data is used for training while the rest of the 30% is used for testing and validation purposes. In this study, a novel dual-feature fusion neural network model is proposed for estimating sports injuries of an athlete. However, various other machine learning and deep learning algorithms are also investigated for the prediction of sports injuries of an athlete. Various performance measures are used to measure the performance of the utilized models. Figure 1 shows the graphical representation of the proposed methodology.

Fig. 1
figure 1

Methodology of the proposed system

3.1 Proposed dual-feature fusion neural network model

Figure 2 shows the overall workflow of athlete injury recognition based on the proposed dual-feature fusion neural network model. From Fig. 2, it is obvious that the proposed algorithm first extracts the grayscale and texture features of the athlete's image and transmits them to the feature fusion block network for training; after training, it finally predicts the injury probability of an athlete. The main body is composed of feature fusion blocks, convolutional long short-term memory (ConvLSTM), fully connected (FC) layers; and the number of feature fusion blocks are related to the complexity of the athlete's image.

Fig. 2
figure 2

Overall architecture and workflow of the proposed model

The architecture and working of the proposed dual-feature fusion neural network model for sports injury estimation is discussed in the following subsections.

3.1.1 Feature extraction

In this study, feature extraction is basically composed of texture features and grayscale features.

3.1.1.1 Texture features

Texture is a natural characteristic of the surface of an object. It describes the distribution of the grayscale space between the image pixels and the image field and does not change the vision of the image due to the intensity of light. Therefore, we have extracted the texture features of the wheat field image, and the equation for extracting the texture features is as follows:

$$ TF(x_{c} ,y_{c} ) = \sum\limits_{P = 0}^{P - 1} {2^{P} } s(i_{p} - i_{c} ),s(x) = \left\{ {\begin{array}{*{20}c} 1 & {x \ge 0} \\ 0 & {x < 0} \\ \end{array} } \right\} $$
(1)

where \((x_{c} ,y_{c} )\) is the central pixel, \(i_{c}\) is the brightness of the point, \(i_{p}\) is the brightness of the adjacent pixels, and \(s\) is the sign function.

In a 3*3 window, take the central pixel of the window as the threshold, and compare the gray value of the adjacent 8 pixels with it. If the surrounding pixel value is greater than the central pixel value, the position of the pixel is marked as 1, otherwise, it is 0. The vector block composed of 1 and 0 is the texture feature we extracted.

3.1.1.2 Grayscale features

The grayscale image only contains brightness information, not color information, which helps to improve the performance of image segmentation. The calculation equation is as follows:

$$ GF = \frac{R \times 30 + G \times 59 + B \times 11}{{100}} $$
(2)

where \(R\), \(G\) and \(B\) represent the red, green and blue channels of the wheat plantation row image, respectively.

3.1.1.3 YCbCr color space

In general, the distribution of the skin color of athletes in the YCbCr space is mainly in the elliptical area of the CbCr plane. In order to point out that, whether the CbCr of the current pixel is within the elliptical area, it can be judged whether the current pixel is a human skin color or not. The following formula is used for the conversion of RGB color to YCbCr color space:

$$ \left\{ {\begin{array}{*{20}c} {Y = 0.257 \times R + 0.564 \times G + 0.098 \times B + 16} \\ {Cb = - 0.148 \times R - 0.291 \times G + 0.439 \times B + 128} \\ {Cr = 0.439 \times R - 0.368 \times G - 0.071 \times B + 128} \\ \end{array} } \right. $$
(3)

By setting the threshold interval of Cr and Cb, all the pixels of the image are traversed to extract the skin color area of an athlete.

Figure 3 shows the overall structure of the feature extraction and fusion block, which consists of the above two structures. The upper structure is responsible for transmitting the original local spatial connection and is composed of a hyperlink with 1 × 1 convolution; while the lower structure is responsible for extracting and strengthening more representative discriminative features, consisting of two convolutional layers and a pooling layer, and a two-layer structure with an up-sampling layer and a transposed convolution layer.

Fig. 3
figure 3

Feature extraction block

First, we set the size of the input image block to 15 × 21 × 21 (spatial size is 21 × 21, layer is 15), and the filter size in the first convolutional layer is set to 16 × 5 × 5, step size is set to (1, 1), the input image block is convolved with the filter to obtain a new feature map with a size of 16 × 21 × 21. Then, the pooling layer with the scale factor (3, 3) is used to extract the maximum feature of the feature map to obtain a feature map with a size of 16 × 7 × 7, including transposed convolution and up-sampling. Such a two-layer structure will strengthen the feature map. The filter size of the former is set to 16 × 3 × 3, the step size is set to (3, 3), and the latter is along the rows and columns of the feature map. Repeating these largest features three times, the two feature maps are combined into a 32 × 21 × 21 fusion feature map. The fusion feature map is passed to the second convolutional layer with a filter size of 64 × 5 × 5, and before Relu activation function processing, the size obtained by the 64 × 1 × 1 filter in the above structure is 64. The 21 × 21 feature maps are merged to obtain the final output feature map. In addition, these experiments also use batch normalization (BN) and Relu activation function at each layer of convolution to speed up the training process and improve generalization ability.

3.1.2 Multiscale convolution long short-term memory (ConvLSTM)

Long short-term memory (LSTM) is a special structure of the recurrent neural network (RNN). It shows outstanding performance on 1-D sequence data processing by learning the long-range dependency among adjacent or nonadjacent sequences. However, when dealing with ocean remote sensing image data, the full connection in LSTM fails to take rich background information into account. ConvLSTM was proposed for the purpose to replace the full connection in LSTM with the convolution operation [30]. It works with the memory cell \(c_{t}\) and three control gates (input gate \(i_{t}\), forget gate \(f_{t}\), output gate \(o_{t}\), cell \(c_{t}\), and hidden gate \(h_{t}\)). Based on convolution operation, the equation used for calculation is as follows:

$$ \begin{gathered} i_{t} = \sigma (W_{xi} x_{t} + W_{hi} h_{t - 1} + W_{ci} \circ c_{t - 1} + b_{i} ) \hfill \\ f_{t} = \sigma (W_{xf} x_{t} + W_{hf} h_{t - 1} + W_{cf} \circ c_{t - 1} + b_{f} ) \hfill \\ c_{t} = f_{t} \circ c_{t - 1} + i_{t} \circ \tanh (W_{xc} x_{t} + W_{hc} h_{t - 1} + b_{c} ) \hfill \\ o_{t} = \sigma (W_{xo} x_{t} + W_{ho} h_{t - 1} + W_{co} \circ c_{t} + b_{o} ) \hfill \\ h_{t} = o_{t} \circ \tanh (c_{t} ) \hfill \\ \end{gathered} $$
(4)

where \(\circ\) represents the Hadamard product. This LSTM structure can also be called FC-LSTM. It can handle time series data well, but for ocean remote sensing images, it will bring redundancy. The reason behind this is that ocean remote sensing images have strong background local features, but FC-LSTM cannot describe this local feature. The ConvLSTM proposed in this study attempts to solve this problem by replacing the input-to-state and state-to-state parts of FC-LSTM with feedforward calculations into convolutional forms. The internal structure of ConvLSTM is shown in Fig. 4.

Fig. 4
figure 4

ConvLSTM cell structure

The working principle of ConvLSTM can be expressed by the following equation:

$$ \begin{gathered} i_{t} = \sigma (W_{xi} * x_{t} + W_{hi} * h_{t - 1} + W_{ci} \circ c_{t - 1} + b_{i} ) \hfill \\ f_{t} = \sigma (W_{xf} * x_{t} + W_{hf} * h_{t - 1} + W_{cf} \circ c_{t - 1} + b_{f} ) \hfill \\ c_{t} = f_{t} \circ c_{t - 1} + i_{t} \circ \tanh (W_{xc} * x_{t} + W_{hc} * h_{t - 1} + b_{c} ) \hfill \\ o_{t} = \sigma (W_{xo} * x_{t} + W_{ho} * h_{t - 1} + W_{co} \circ c_{t} + b_{o} ) \hfill \\ h_{t} = o_{t} \circ \tanh (c_{t} ) \hfill \\ \end{gathered} $$
(5)

where * means convolution. It is worth noting that \( xchif\) and o here are all three-dimensional tensors, and their last two dimensions represent the spatial information of rows and columns. We can think of ConvLSTM as it is a model for processing feature vectors in a two-dimensional grid. It can predict the features of the center grid based on the features of the surrounding points in the grid.

This article uses three layers of ConvLSTM, the output of the first and second layers of ConvLSTM and the output of the third layer of ConvLSTM are spliced to feed into the next Conv1D layer, and finally, the final segmentation prediction is performed through the sigmoid function.

3.1.3 Athlete injury grade assessment

On the basis of features value, the sports injury risk warning levels are divided into four categories. The four categories are (1) no risk: it shows that the athlete is healthy and has no sports injury, (2) low risk: it shows that the athlete has minor injury and is not harming, (3) medium risk: it shows that the athlete has some injuries which needs to be treated in order to save the athlete from further damage, (4) High risk: it shows that the athlete is in high risk and needs to be provided immediate medication and services. Table 1 demonstrates a list of these risk factors.

Table 1 Risk factors and its output values

This study proposes a novel dual-feature fusion neural network model for the athletes injury estimation. The proposed model solves the problem of feature loss caused by the merging operation that results in a decrease in classification accuracy. It uses 1 × 1 convolution and hyperlinks to form a double feature fusion structure to enhance effective discrimination. Experimental results show that the proposed model can effectively identify athletes’ injuries and give more accurate results in terms of various performance measures.

3.1.4 Performance evaluation metrics

The last step after training and testing is to check the performance of the models in terms of various performance evaluation metrics. These performance measures help in determining the performance of the utilized models. In this study, different performance evaluation metrics such as accuracy, sensitivity, specificity, precision, recall, AUC, f1-measure, Mathew correlation coefficient (MCC), and ROC curve are used to track the performance of the utilized models. All the investigate performance metrics are computed with the help of confusion matrix. ROC curve is used to measure the performance of the proposed system graphically. Following are the formulas through which these measures are computed:

$$ {\text{Accuracy}}:\frac{{{\text{TP }} + {\text{ TN}}}}{{{\text{TP }} + {\text{ TN }} + {\text{ FP }} + {\text{ FN}}}} $$
(6)
$$ {\text{Sensitivity}}:\frac{{{\text{TP}}}}{{{\text{TP }} + {\text{ FN}}}} $$
(7)
$$ {\text{Specificity}}:\frac{{{\text{TN}}}}{{{\text{TN }} + {\text{ FP}}}} $$
(8)
$$ {\text{Precision}}:\frac{{{\text{TP}}}}{{{\text{TP }} + {\text{ FP}}}} $$
(9)
$$ {\text{Recall}}:\frac{{{\text{TP}}}}{{{\text{TP }} + {\text{ FN}}}} $$
(10)
$$ {\text{F1}} - {\text{Score}}:\frac{{2{ }\left( {\text{Precision * Recall}} \right)}}{{{\text{Precision}} + {\text{Recall}}}} $$
(11)

4 Experiments and results

This section represents the experimental results attained through various ML and DL models. Multiple experiments were performed using seven distinct models which include: SVM, SVM, 3D-CNN, AlexNet, ResNet, 3D-DenseNet, DenseNet, and the proposed DFFNN. Performance of the investigated models was checked on the athlete sports injuries dataset. The dataset was divided into two parts i.e. training and testing, where 70% of data is used to train the models while the remaining 30% is used for the testing and validation purpose. To measure the performance of the utilized models, numerous performance metrics were used. In addition, preprocessing techniques are also used on the data before giving it to the classification algorithms. The performance of the proposed model was superior as compared to the rest of the models in terms of all performance measures.

4.1 Experimental environment

To perform an experiment there is need of an environment and tools that help in carrying out the experiments and simulation results. This study uses the Pycharm IDE for the simulation and Python as a programming language for the implementation of the proposed model. Further, this study uses Python 3.7, various packages such as Keras, matplotlib, seaborn, pandas, NumPy, and TensorFlow. All the experiments have been conducted on a desktop PC with an Intel Core i7-8700 processor and an NVIDIA GeForce GTX 1080ti GPU.

4.2 Research object

This research study takes the effect of functional movement training of the sports injuries of sprinters as the research object, and the sprinters of the Hainan Provincial Team as the experimental object. In this study, 33 athletes were selected as the test subjects, including 16 male sprinters and 17 female sprinters. All the athletes are of national level 2 or above and are active athletes. Table 2 demonstrates the basic information of an athlete.

Table 2 Basic information of an athlete

The functional action screening kit shown in Fig. 5a and b was selected to conduct a functional action screening test for the sprinters of the Hainan Provincial Team, requiring the athletes to perform the test according to the standards of each action mode.

Fig. 5
figure 5

a Functional motion screening (FMS) kit. b Functional motion screening (FMS) kit

The functional action screening test was conducted on a total of 33 athletes. As a single action test takes a long time, in order to ensure the accuracy of the test and reduce the processing time, the sprinters are divided into a group of 10 peoples, a total of 4 test groups, staggered test time, complete functional movement tests for all athletes within 2 working days. Fill out the athletes test score sheet and prepare it for the statistical analysis. Functional action screening test is divided into seven actions, namely top-lift squat, straight lunge squat, up-step hurdles, active straight knee lift, shoulder flexibility, push-ups, and rotational stability. The scoring standard is divided into 4 standards, which are 0 points, 1 point, 2 points, and 3 points. Among them, 0 points to any pain during the test, 1 points to unable to complete the action but no pain, 2 points to lower the standard to complete the action, 3 points to complete the action according to the standard. The test is divided into 3 stages according to the training process. After each training stage, all sprinters are tested for functional activity, and the scores of functional action screening of the sprinters in the 3 stages are counted. In addition, the whole process is photographed to produce a corresponding visual dataset. The acquired athlete injury data are then fed to the second branch of the neural network algorithm proposed in this study.

4.3 Experimental results of all the utilized models

This section represents the experimental results attained via different models used in this study in order to verify the proposed system. To show the effectiveness of the proposed model, multiple experiments were conducted on the health data of 33 athletes of Hainan Province collected in this study. Further, to prove the efficiency and significance of the proposed dual-feature fusion neural network model used in this study, we used six other classification models, namely SVM [], 3D-CNN [20], AlexNet [21], ResNet [22], 3D-DenseNet [23], and DenseNet [24]. Table 3 gives a quantitative comparison of all the experimental results attained through all the models used in this study.

Table 3 Experimental results of all the utilized models

It can be seen from the experimental results that our proposed model obtained the highest performance results in terms of all performance measures as shown in Table 3. Table 3 demonstrates that our proposed model i.e. dual-feature fusion neural network performed exceptionally well in terms of all performance metrics as compared to the rest of the models used in this study. The proposed model conquered the classification accuracy of 97.00%, the sensitivity of 95.70%, specificity of 97.54%, AUC of 98.26%, the precision of 98.40%, recall of 95.70%, f1-score of 0.97, and MCC of 0.93 as shown in Table 3. The second-best performance was observed for the DenseNet algorithm. DenseNet attained the accuracy of 96.11%, sensitivity of 94.54%, specificity of 97.65%, AUC of 97.80%, precision of 98.50%, recall of 94.54%, f1-score of 0.96, and MCC of 0.92. SVM showed the lowest performance in terms of all performance metrics by attaining the classification accuracy of 88.02%, the sensitivity of 87.32%, specificity of 86.37%, AUC of 88.00%, the precision of 88.68%, recall of 87.32%, f1-score of 0.88, and 0.76 of MCC.

Figure 6 signifies the performance (accuracy, sensitivity, and specificity) of all the investigated classification models using the athlete sports injuries dataset. From Fig. 5, it is obvious that our proposed model beats all the other classification models used in this study in terms of all performance metrics, whereas the lowest performance was observed for the SVM classification model.

Fig. 6
figure 6

Performance of all the investigated models

Figure 7 shows the precision, recall, and AUC score of all the models used in this study. From Fig. 7, it is observed that the proposed model outclass all the other models in terms of the mentioned performance metrics.

Fig. 7
figure 7

Precision, recall, and AUC-score of the investigated models

Figure 8 demonstrates the f1-measure and MCC-score of all the utilized classification models used in this study. Again our proposed model left behind all the other classification models in terms of f1-measure and MCC-score by conquering the f1-score of 0.97 and MCC-score of 0.93, respectively.

Fig. 8
figure 8

f1-measure and MCC-score of the investigated models

The ROC curves of all the models used in this study are shown in Fig. 9.

Fig. 9
figure 9

ROC curves of all the investigated models

From Fig. 9, once again the highest performance in terms of ROC curve was observed for the proposed dual-feature fusion neural network model.

Performance of all the utilized classification models has been evaluated with the help of numerous performance measures as mentioned above. From the experimental results, it is obvious that the proposed model performed really well in terms of all performance measures. The second-best performance was observed for DenseNet, while the SVM classification model showed poor performance in terms of all performance evaluation metrics as compared to the rest of the utilized models.

In short, the method based on the dual-feature fusion neural network model showed excellent performance and superiority in terms of all performance measures.

We selected 30% of athletes for experimental testing. All these athletes will receive normal sports training within a week. In order to make a fair comparison, all experiments were conducted in the same environment. From the above discussion and experimental results, the model proposed in this study has achieved the best accuracy, which is far better than the other 6 groups of methods, which also fully proves the effectiveness of the proposed model.

5 Conclusion

Sports injuries of high-level athletes have a significant impact on the performance and career of an athlete. These injuries restrict the improvement in an athlete's performance, as he/she may not be on the field for a longer period. Various techniques have been used in the past, but they have certain limitations. Hence, there is a need for an intelligent framework or a system that can accurately evaluate, predict and detect potential sports injury, and carry out injury prevention training. This study proposes a novel dual-feature fusion neural network model for athlete injury estimation. The proposed model solves the problem of feature loss caused by merging operations, which results in the degradation of classification accuracy. It uses 1 × 1 convolution and hyperlink to form a dual-fusion structure to enhance effective discrimination. Multiple experiments have been performed using different models. Experimental result shows that the proposed model effectively identifies athletes' injury and gives more accurate prediction by attaining the classification accuracy of 97.00%. The performance of the proposed model was superior as compared to the other utilized models.