Predicting Shot Accuracy in Badminton Using Quiet Eye Metrics and Neural Networks
<p>Schematic diagram of the Neural Network Architecture developed in this study.</p> "> Figure 2
<p>Training and validation loss.</p> "> Figure 3
<p>ROC curve.</p> "> Figure 4
<p>SHAP summary plot.</p> "> Figure 5
<p>Learning curves.</p> "> Figure 6
<p>SHAP dependency plot for QE duration and racket speed.</p> "> Figure 7
<p>Scatter plot of QE duration vs. shot accuracy.</p> ">
Abstract
:1. Introduction
2. Related Work
2.1. The Quiet Eye in Sports Performance
2.2. Machine Learning in Sports Performance Prediction
2.3. Integration of QE with Biomechanical Data
2.4. Quiet Eye and Cognitive-Motor Performance
2.5. Application of Machine Learning in Badminton
2.6. Predictive Modeling of Shot Accuracy in Badminton
2.7. Future Directions and Research Gaps
3. Research Gaps Addressed by This Study
3.1. Limited QE Research in Badminton
3.2. Integration of QE Metrics with Biomechanical Data
3.3. Application of Neural Networks to QE Data
3.4. Real-Time Analysis and Feedback
3.5. Individual Differences in QE Characteristics
3.6. QE in Dynamic, Interactive Sports
3.7. Predictive Modeling of Shot Accuracy
3.8. Summary of Contributions
4. Methodology
4.1. Study Design
4.2. Participants
- Novice (n = 10): Less than 2 years of experience (Mean age: 25.0 years, SD: 5.3; Mean experience: 1.5 years, SD: 0.4).
- Intermediate (n = 10): 2–5 years of experience (Mean age: 28.8 years, SD: 3.9; Mean experience: 4.0 years, SD: 0.7).
- Elite (n = 10): More than 5 years of experience and national-level competition participation (Mean age: 26.5 years, SD: 2.9; Mean experience: 8.7 years, SD: 1.9).
4.3. Data Collection
4.3.1. Eye-Tracking Equipment and Measures
- Quiet Eye (QE) duration: The final fixation on a specific location or object before the initiation of a motor response.
- Fixation points: X and Y coordinates of gaze fixations.
- Saccades: Rapid eye movements between fixations.
- Pupil dilation: Changes in pupil size during task execution.
4.3.2. Biomechanical Measurements and Equipment
- Body posture: Joint angles of the shoulder, elbow, wrist, hip, knee, and ankle.
- Racket trajectory: 3D path of the racket head during the shot.
- Shuttlecock trajectory: 3D flight path of the shuttlecock post-impact.
4.3.3. Performance Measure
4.3.4. Dataset Structure and Feature Extraction
4.4. Experimental Procedure
4.4.1. Warm-Up
4.4.2. Calibration
4.4.3. Task
- 20 smashes.
- 15 drops.
- 15 clears.
4.4.4. Rest Periods
4.4.5. Post-Experiment Interview
4.4.6. Real-World Testing and Prediction Latency
4.4.7. Real-Time Performance Analysis
- Used a high-speed camera (1000 fps) for data acquisition.
- Implemented parallel processing for feature extraction.
- Measured inference time on both CPU and GPU.
- Data Acquisition: 1 ms per frame.
- Feature Extraction: 5 ms per frame.
- Model Inference:
- CPU: 2 ms.
- GPU: 0.5 ms.
- CPU pipeline: 8 ms per frame.
- GPU pipeline: 6.5 ms per frame.
- Training Enhancement: The real-time capability allows for immediate feedback during practice sessions, enabling players to adjust their technique on the fly.
- Match Analysis: Coaches can receive instant insights during matches, potentially informing strategic decisions between points or games.
- Personalized Coaching: The system’s speed allows for the accumulation of large datasets over time, facilitating more personalized and adaptive training programs.
- Integration with Wearable Technology: The low latency opens possibilities for integration with smart glasses or other wearable devices, providing players with immediate visual or auditory feedback.
- Automated Refereeing Assistance: While not replacing human judgment, the system could provide additional data points to assist in close calls or performance tracking.
- -
- Testing the system under various lighting conditions and environments.
- -
- Optimizing the feature extraction algorithms for even lower latency.
- -
- Exploring edge computing solutions to reduce dependency on centralized processing.
- -
- Conducting user studies to assess the impact of real-time feedback on player performance and decision-making.
4.5. Data Preprocessing
4.5.1. Eye-Tracking Data Preprocessing
4.5.2. Biomechanical Data Processing
4.6. Neural Network Model
4.6.1. Neural Network Base Architecture
- Input Layer: 12 neurons (6 QE metrics, 6 biomechanical features).
- Hidden Layers: Three fully connected layers with 64, 32, and 16 neurons, respectively, using ReLU activation.
- Output Layer: Single neuron with sigmoid activation for binary classification (hit/miss).
- Neuron Activation:
- Z is the weighted sum of inputs and biases.
- W is the weight matrix for the layer.
- X is the input data.
- b is the bias term.
- A is the neuron’s activation.
- 2.
- Forward Propagation:
- .
- .
- .
- 3.
- Loss Function:
- A is the predicted probability from the output layer.
- y is the actual label (0 or 1).
- m is the number of training examples.
- 4.
- Backpropagation:
- .
- .
- .
4.6.2. Model Training
4.6.3. Feature Importance Methodology
4.7. Statistical Analysis
- One-way ANOVA to compare QE durations across skill levels.
- Pearson correlation coefficients to examine relationships between QE metrics and shot accuracy.
- Multiple regression analysis to assess the combined effect of QE and biomechanical variables on shot accuracy.
4.8. Qualitative Analysis
4.9. Limitations
- The laboratory setting may not fully replicate match conditions.
- The sample size, while adequate for our analyses, may limit generalizability.
- The cross-sectional design does not allow for an assessment of long-term effects or learning.
5. Results
5.1. Quiet Eye Characteristics Across Skill Levels
5.1.1. Quiet Eye Duration
- Elite players (M = 289.5 ms, SD = 34.2) had significantly longer QE durations compared to both intermediate (M = 213.7 ms, SD = 41.5, p < 0.001) and novice players (M = 168.3 ms, SD = 38.9, p < 0.001).
- Intermediate players had significantly longer QE durations than novice players (p = 0.012).
5.1.2. Quiet Eye Onset
5.2. Relationship Between Quiet Eye and Shot Accuracy
5.2.1. Correlation Analysis
5.2.2. Multiple Regression Analysis
- The β (Standardized Beta Coefficients) values indicate the strength and direction of the relationship between the independent variables (such as QE duration) and the dependent variable (shot accuracy). A higher beta value suggests a stronger impact of the independent variable on the dependent variable, with positive values indicating a direct relationship and negative values indicating an inverse relationship. A higher absolute beta value indicates a stronger relationship. In the case of elite players, for example, a beta value of 0.82 for QE duration signifies that longer QE durations are strongly associated with higher shot accuracy. This positive relationship suggests that elite players with longer fixation periods before executing a shot tend to perform more accurately.
- t (t-statistic): The t-values test the hypothesis that each independent variable’s coefficient is significantly different from zero. Larger t-values indicate stronger evidence that the predictor has a meaningful impact on shot accuracy. For instance, the t-value of 8.10 for QE duration in elite players indicates a highly significant effect, reinforcing the role of QE in predicting shot accuracy.
- p-value: The p-values indicate the level of statistical significance. In the table, a p-value of less than 0.001 (p < 0.001) for QE duration in both elite and intermediate players suggests that the relationship between QE duration and shot accuracy is highly significant and unlikely to have occurred by chance. This confirms that QE duration plays a key role in shot performance.
5.3. Neural Network Model Performance
5.3.1. Neural Network Training Architecture
5.3.2. Training Process
5.3.3. Epoch Selection for Model Training Cutoff
5.3.4. Prediction Accuracy
5.3.5. Model Performance Across Shot Types
5.3.6. ROC Curve Analysis
5.3.7. Feature Importance
QE_Duration (Quiet Eye Duration)
QE Onset
Racket_Speed
Elbow_Angle, Shoulder_Rotation, and Wrist_Angle
Key Observations
- Dominance of Quiet Eye metrics: The two most important features (QE_duration and QE_onset) are both related to the Quiet Eye phenomenon. This strongly supports the hypothesis that Quiet Eye is a critical factor in badminton shot accuracy.
- Importance of timing: Both the duration and onset of Quiet Eye are crucial, suggesting that not only how long a player maintains the Quiet Eye but also when they initiate it are key to accuracy.
- Technique vs. Perception: While biomechanical factors (elbow angle, shoulder rotation, wrist angle) do play a role, they are less influential than perceptual–cognitive factors (Quiet Eye) and the dynamic factor of racket speed.
- Racket speed significance: The importance of racket speed suggests that the execution of the shot itself remains a crucial factor, even if not as dominant as the Quiet Eye metrics.
- Holistic approach: The presence of both perceptual–cognitive and biomechanical factors in the model suggests that a comprehensive approach considering both aspects is necessary for understanding and improving shot accuracy.
5.3.8. Ablation Study
- QE metrics only: This model, using only Quiet Eye metrics, achieved good performance with an accuracy of 79.3% and an F1 score of 0.792. This suggests that QE metrics alone are strong predictors of shot accuracy.
- Biomechanical features only: When we stripped the model down to just biomechanical data, it clocked in at 77.8% accuracy with an F1 score of 0.777. While not quite matching the QE-only model, these numbers show that body mechanics play a crucial role in predicting where the shuttlecock will land.
- All features (full model): Combining QE metrics and biomechanical data bumped our accuracy up to 85.7% with an F1 score of 0.856, which gives us a significant edge over using either set of features alone.
5.3.9. Learning Curves
- Initial Rapid Learning (Epochs 0–20):
- Both training and validation loss start moderately high (around 0.48 and 0.51, respectively) and decrease rapidly.
- By epoch 20, training loss drops to 0.236 and validation loss to 0.330.
- This indicates the model is quickly learning to capture the main patterns in the data.
- Gradual Improvement (Epochs 20–50):
- The rate of improvement slows, but both losses continue to decrease steadily.
- Training loss decreases from 0.236 to 0.140, while validation loss drops from 0.330 to 0.210.
- The validation loss remains consistently higher than the training loss, which is expected.
- Fine-tuning Phase (Epochs 50–95):
- The improvement rate further slows down for both losses.
- Training loss continues to decrease gradually, reaching 0.083 at epoch 95.
- Validation loss begins to plateau, showing slight fluctuations and ending at 0.155 just before the final epoch.
- This suggests the model is refining its learning without significant overfitting.
- Final Performance:
- At epoch 100, there is an unexpected spike in both losses.
- Final training loss: 0.231
- Final validation loss: 0.258
- This sudden increase might indicate an issue in the final epoch, such as a learning rate change or data anomaly.
- Fluctuations:
- The curves show realistic fluctuations throughout, reflecting batch-to-batch variability.
- These fluctuations are slightly more pronounced in the validation loss, which is typical in practice.
- Optimal Model Selection:
- The best-performing model on unseen data would likely be around epoch 95, just before the final spike.
- At this point, the model achieves its lowest validation loss without showing signs of significant overfitting.
- Overall Training Stability:
- Despite the final spike, the model shows a stable learning progression throughout most of the training process.
- The consistent decrease in both training and validation loss up to epoch 95 suggests effective learning and good generalization.
- Misclassification of shots with atypical QE durations but successful outcomes.
- Difficulty in predicting outcomes for shots with high biomechanical variability.
- Lower accuracy in predicting clear shots, possibly due to their longer trajectory.
5.4. Feature Importance Results and Analysis
- QE duration (SHAP value: 0.385).
- Racket speed at impact (SHAP value: 0.312).
- QE onset (SHAP value: 0.287).
- Wrist angle at impact (SHAP value: 0.245).
- Shuttlecock trajectory (initial angle) (SHAP value: 0.198).
- Body posture (trunk rotation) (SHAP value: 0.173).
5.5. Qualitative Insights
- Conscious vs. Unconscious Gaze Control: Elite players reported more automatic gaze behaviors, while novices described consciously trying to focus their gaze.
- Anticipation and Decision Making: Elite and intermediate players emphasized the importance of early information pick-up for shot selection and anticipation.
- Pressure and Gaze Behavior: All skill levels reported changes in their visual focus when subjected to pressure, with elite players describing more consistent gaze patterns.
5.6. Individual Differences in Quiet Eye Strategies
- Two elite players demonstrated exceptionally long QE durations (>350 ms) across all shot types.
- One intermediate player showed QE characteristics similar to elite players, particularly in smash shots.
- Novice players exhibited the highest variability in QE duration and onset across trials.
- Scatter Plot: QE Duration vs. Shot Accuracy.
- X-axis: QE Duration (milliseconds).
- Y-axis: Shot Accuracy (percentage).
- Color coding: Elite players (Blue), Intermediate players (Green), Novice players (Red).
- The pink shaded region highlights the high variability in performance among novice players, showing a wide spread in both QE duration (100–250 ms) and shot accuracy (30–60%).
- Key features of the plot are as follows:
5.7. Effect of Shot Type on Quiet Eye Behavior
- A main effect of Shot Type (F(2,54) = 11.23, p < 0.001).
- An interaction effect between Skill Level and Shot Type (F(4,54) = 3.76, p = 0.009).
5.8. Analysis and Insights from Performance Metrics
5.8.1. Accuracy
5.8.2. Precision vs. Recall
5.8.3. F1 Score
5.8.4. New Insights
Quiet Eye Metrics as Strong Predictors
5.8.5. Precision-Focused Training for Elite Athletes
5.8.6. Potential for Adaptive Learning
5.8.7. Limitations in Handling False Negatives
5.8.8. Model Robustness in Dynamic Environments
6. Discussion
6.1. Innovative Aspects and Contributions
- Multimodal Data Integration: Our model uniquely combines QE metrics with biomechanical data, providing a more comprehensive analysis of badminton performance. This integration captures complex interactions between visual attention and physical execution that were previously unexplored in racket sports.
- Real-time Predictive Modeling: To our knowledge, this is the first study to develop a neural network model capable of real-time shot accuracy prediction in badminton using QE metrics. This capability goes beyond verifying QE’s importance to provide actionable, in-moment insights for players and coaches.
- Advanced Interpretability Techniques: By employing SHAP (SHapley Additive exPlanations) values, we offer unprecedented insights into the relative importance of different QE and biomechanical features in badminton performance. This approach enhances the interpretability of our complex neural network model, making it more accessible and applicable for sports scientists and coaches.
- Adaptive Learning Potential: The architecture of our model allows for continuous learning and adaptation to individual players’ patterns. This opens new avenues for developing personalized training regimens in badminton, potentially revolutionizing how players are coached and how they improve their skills.
- Cross-skill Level Analysis: By applying our neural network model across different skill levels, we establish how the relationship between QE, biomechanics, and performance changes with expertise. This provides us with a nuanced understanding of how badminton players develop their visual and motor skills. Unlike earlier studies, our findings shed new light on the intricate process of players coordinating what they see as they move around the court.
6.2. Interpretation of Key Findings
- The strong predictive power of QE duration and fixation points in determining shot accuracy underscores the importance of visual attention strategies in badminton performance.
- Elite players exhibited significantly longer QE durations (M = 289.5 ms) compared to intermediate (M = 213.7 ms) and novice players (M = 168.3 ms), supporting QE as a marker of expertise.
- The strong positive correlation (r = 0.72) between QE duration and shot accuracy across all skill levels suggests that QE training could benefit players at various stages of development.
- The varying performance of our model across different shot types (smashes: 89.2%, drops: 84.5%, clears: 83.4%) indicates that QE strategies may need to be tailored to specific shot requirements.
6.3. Implications for Badminton Training and Performance
- QE-based Training Programs: Our results suggest that incorporating QE training into existing programs could significantly enhance players’ shot accuracy.
- Real-time Feedback Systems: The real-time capabilities of our model open up possibilities for immediate performance feedback during training and competitions.
- Personalized Coaching: The individual differences observed in QE strategies suggest the potential for developing personalized visual training programs tailored to each athlete’s unique characteristics and skill level.
- Technology-enhanced Coaching: Our model demonstrates how advanced analytics can augment traditional coaching methods, providing objective, data-driven insights to optimize athlete performance.
6.4. Limitations and Future Directions
- Laboratory Setting: The controlled environment may not fully replicate the complexity of actual match conditions. Future studies should validate these findings in competitive scenarios.
- Sample Size: While adequate for our analyses, the sample size may limit generalizability. Larger-scale studies across diverse populations would further validate our findings.
- Cross-sectional Design: Our study provides a snapshot of QE behaviors but does not capture how these might change over time or with training. Longitudinal studies are needed to understand the causal relationships between QE training, skill development, and performance improvements.
- Exploring the temporal dynamics of QE during actual matches to understand how it adapts to varying game situations.
- Developing and testing real-time feedback systems based on our predictive model.
- Investigating the potential transfer of QE training effects to other racket sports.
- Integrating additional physiological and psychological measures to create a more comprehensive model of badminton performance.
7. Conclusions
Supplementary Materials
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Conflicts of Interest
Appendix A
Appendix A.1. Python Code for the Experiment
import numpy as np import pandas as pd from sklearn.model_selection import train_test_split from sklearn.preprocessing import StandardScaler from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score import tensorflow as tf from tensorflow.keras.models import Sequential from tensorflow.keras.layers import Dense # Load dataset (replace 'qe_data.csv' with actual dataset) data = pd.read_csv('qe_data.csv') # Feature columns: QE metrics and biomechanical data X = data[['QE_duration', 'fixation_point_x', 'fixation_point_y', 'saccades', 'body_posture', 'shuttlecock_trajectory']] y = data['shot_accuracy'] # Binary target: 1 for hit, 0 for miss # Train-test split X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42) # Standardize the data scaler = StandardScaler() X_train = scaler.fit_transform(X_train) X_test = scaler.transform(X_test) # Define the neural network model model = Sequential([ Dense(64, input_dim=X_train.shape[1], activation='relu'), Dense(32, activation='relu'), Dense(16, activation='relu'), Dense(1, activation='sigmoid') # Binary classification ]) # Compile the model model.compile(optimizer='adam', loss='binary_crossentropy', metrics=['accuracy']) # Train the model history = model.fit(X_train, y_train, epochs=100, validation_data=(X_test, y_test), batch_size=32, verbose=1) # Predict on test data y_pred = (model.predict(X_test) > 0.5).astype("int32") # Evaluate the model accuracy = accuracy_score(y_test, y_pred) precision = precision_score(y_test, y_pred) recall = recall_score(y_test, y_pred) f1 = f1_score(y_test, y_pred) print(f"Accuracy: {accuracy}") print(f"Precision: {precision}") print(f"Recall: {recall}") print(f"F1 Score: {f1}") # Plot training and validation loss import matplotlib.pyplot as plt plt.plot(history.history['loss'], label='Training Loss') plt.plot(history.history['val_loss'], label='Validation Loss') plt.title('Model Loss') plt.ylabel('Loss') plt.xlabel('Epoch') plt.legend(loc='upper right') plt.show() |
Appendix A.2. Explanation
- Dataset: The dataset includes QE metrics and biomechanical data such as QE duration, fixation points, saccades, body posture, and shuttlecock trajectory. The target variable is shot accuracy (1 for a hit, 0 for a miss).
- Model: A neural network with three hidden layers is trained to predict shot accuracy. The output layer uses a sigmoid activation function for binary classification.
- Evaluation: After training, the model’s accuracy, precision, recall, and F1-score are computed. The results provide an overview of the model’s predictive performance.
- Visualization: The training and validation loss curves are plotted to evaluate the model’s performance over the epochs.
References
- Vickers, J.N. Control of Visual Attention during the Basketball Free Throw. Am. J. Sports Med. 1996, 24, S93–S97. [Google Scholar] [CrossRef] [PubMed]
- Vine, S.J.; Lee, D.; Moore, L.J.; Wilson, M.R. Quiet Eye and Choking: Online Control Breaks Down at the Point of Performance Failure. Med. Sci. Sports Exerc. 2013, 45, 1988–1994. [Google Scholar] [CrossRef] [PubMed]
- Giancamilli, F.; Galli, F.; Chirico, A.; Fegatelli, D.; Mallia, L.; Palombi, T.; Lucidi, F. High-Pressure Game Conditions Affect Quiet Eye Depending on the Player’s Expertise: Evidence from the Basketball Three-Point Shot. Brain Sci. 2022, 12, 286. [Google Scholar] [CrossRef] [PubMed]
- He, Q.; Liu, Y.; Yang, Y. The effect of quiet eye training on golf putting performance in pressure situations. Sci. Rep. 2024, 14, 5182. [Google Scholar] [CrossRef]
- Vincze, A.; Jurchis, R.; Iliescu, D. The dynamics of Quiet Eye under stress in elite table tennis performance. Int. J. Sport Exerc. Psychol. 2023, 21, 689–705. [Google Scholar] [CrossRef]
- Chen, Y.; Zulnaidi, H.; Syed Ali, S.K.B. Study on the eye movement characteristics of the badminton practitioners of different levels regarding visual attention. Front. Psychol. 2023, 13, 1026006. [Google Scholar] [CrossRef]
- Kanat, E.A.; Şimşek, D. The ‘Quiet Eye’ and motor performance in basketball free throw shooting. Phys. Educ. Stud. 2021, 25, 103–109. [Google Scholar] [CrossRef]
- Tan, Y.E.; See, J.; Abdullah, J.; Wang, L.K.; Ban, K.W. A deep learning based framework for badminton rally outcome prediction. In Proceedings of the 2022 International Symposium on Intelligent Signal Processing and Communication Systems (ISPACS), Penang, Malaysia, 22–25 November 2022; IEEE: New York, NY, USA, 2022; pp. 1–5. [Google Scholar] [CrossRef]
- Chen, H. Reinforcement Learning Algorithm to Optimize Players’ Tactical Decisions and Round Planning in Tennis Matches. J. Electr. Syst. 2024, 20, 2102–2112. [Google Scholar] [CrossRef]
- Xu, S.; Sun, G.; Wilson, M.R. Neurophysiological evidence of how quiet eye supports motor performance. Cogn. Process. 2021, 22, 641–648. [Google Scholar] [CrossRef]
- Carey, L.M.; Ang, A.; Tanner, J.; Geoghegan, H.; Wimble, M.; Abernethy, B.; Vine, S.J.; Wilson, M.R. Commit to your putting stroke: Exploring the impact of Quiet Eye duration and neural activity on golf putting performance. Front. Psychol. 2024, 15, 1424242. [Google Scholar] [CrossRef]
- Vine, S.J.; Moore, L.J.; Wilson, M.R. Quiet eye training: The acquisition, refinement and resilient performance of targeting skills. Eur. J. Sport Sci. 2014, 14, S235–S242. [Google Scholar] [CrossRef] [PubMed]
- Giancamilli, F.; Galli, F.; Chirico, A.; Fegatelli, D.; Mallia, L.; Palombi, T.; Cordone, S.; Alivernini, F.; Mandolesi, L.; Lucidi, F. When the going gets tough, what happens to quiet eye? The role of time pressure and performance pressure during basketball free throws. Psychol. Sport Exerc. 2022, 58, 102057. [Google Scholar] [CrossRef]
- Zhao, X.; Zhao, C.; Liu, N.; Li, S. Investigating the eye movement characteristics of basketball players executing 3-point shot at varied intensities and their correlation with shot accuracy. PeerJ 2024, 12, e17634. [Google Scholar] [CrossRef]
- Wang, Y.; Yang, X. Study of tennis match momentum based on random forest and BP neural network models. Acad. J. Sci. Technol. 2024, 11, 233–238. [Google Scholar] [CrossRef]
- Akinyelu, A.A.; Blignaut, P. Convolutional Neural Network-Based Technique for Gaze Estimation on Mobile Devices. Front. Artif. Intell. 2022, 4, 796825. [Google Scholar] [CrossRef]
- Picabea, J.; Cámara, J.; Nakamura, F.; Yanci, J. Comparison of Heart Rate Variability Before and After a Table Tennis Match. J. Hum. Kinet. 2021, 77, 107–115. [Google Scholar] [CrossRef]
- Dalton, K. Review: The Quiet Eye in Sports Performance—Is the Quiet Eye the Ultimate Explanation or Only the Beginning? Optom. Vis. Sci. 2021, 98, 732–737. [Google Scholar] [CrossRef]
- Cui, X.; Lam, W.; Gao, Q.; Wang, X.Q.; Zhao, T. Biomechanical analysis on skilled badminton players during take-off phase in forehand overhead strokes: A pilot study. Biology 2022, 11, 1401. [Google Scholar] [CrossRef]
- Popat, M.; Goyal, D.; Raj, V.; Jayabalan, N.; Hota, C. Eye movement tracking for computer vision syndrome using deep learning techniques. In Proceedings of the ICAIIC 2024, Osaka, Japan, 19–22 February 2024; pp. 317–322. [Google Scholar] [CrossRef]
- Meißner, M.; Pfeiffer, J.; Pfeiffer, T.; Oppewal, H. Combining virtual reality and mobile eye tracking to provide a naturalistic experimental environment for shopper research. J. Bus. Res. 2019, 100, 445–458. [Google Scholar] [CrossRef]
- Broodryk, R.; Moore, L.J.; Kruger, A. Quiet eye training during the rugby union goal-kick: Practice and transfer effects in low- and high-pressure conditions. Int. J. Sports Sci. Coach. 2023, 18, 414–426. [Google Scholar] [CrossRef]
- Alficandra, A.; Henjilito, R.; Yani, A.; Zulkifli, Z.; Makorohim, M.F. The effect of a goalkeeper’s quiet eye training and without goalkeeper training against the accuracy of kicks on goal. SPORTIF 2023, 9, 198–211. [Google Scholar] [CrossRef]
- Nokihara, Y.; Hachiuma, R.; Hori, R.; Saito, H. Future prediction of shuttlecock trajectory in badminton using player’s information. J. Imaging 2023, 9, 99. [Google Scholar] [CrossRef] [PubMed]
- Klostermann, A.; Reinbold, F.; Kredel, R. Learning different task spaces: How explored density aligns the Quiet Eye. Cogn. Process 2022, 23, 449–458. [Google Scholar] [CrossRef] [PubMed]
- Amini, A.; Vaezmousavi, M.; Naji, M. The Effect of Quiet Eyes Training on the Improvement of the Performance of the Novice Military Shooters—Randomized Controlled Clinical Trial. J. Mil. Med. 2018, 20, 626–634. [Google Scholar]
- Vickers, J.N. Quiet eye studies in sport within the motor accuracy and motor error paradigms. BJMB 2021, 15, 372–390. [Google Scholar] [CrossRef]
- Neugebauer, J.; Baker, J.; Schorer, J. Looking to Learn Better—Training of Perception-Specific Focus of Attention Influences Quiet Eye Duration but Not Throwing Accuracy in Darts. Front. Sports Act. Living 2020, 2, 79. [Google Scholar] [CrossRef]
- Sampaio, T.; Oliveira, J.P.; Marinho, D.A.; Neiva, H.P.; Morais, J.E. Applications of Machine Learning to Optimize Tennis Performance: A Systematic Review. Appl. Sci. 2024, 14, 5517. [Google Scholar] [CrossRef]
ID | Gender | Age | Experience (Years) | Skill Level | Occupation/Status |
---|---|---|---|---|---|
N1 | Male | 22 | 1.5 | Novice | University Student |
N2 | Female | 19 | 1 | Novice | Part-time Tutor |
N3 | Male | 25 | 2 | Novice | IT Professional |
N4 | Female | 30 | 1.5 | Novice | Marketing Executive |
N5 | Male | 18 | 1 | Novice | Junior College Student |
N6 | Female | 27 | 2 | Novice | Nurse |
N7 | Male | 35 | 1 | Novice | Business Owner |
N8 | Female | 21 | 1.5 | Novice | University Student |
N9 | Male | 29 | 2 | Novice | Graphic Designer |
N10 | Female | 24 | 1 | Novice | Primary School Teacher |
I1 | Male | 28 | 4 | Intermediate | Software Engineer |
I2 | Female | 32 | 3 | Intermediate | Accountant |
I3 | Male | 23 | 5 | Intermediate | Physical Education Trainee |
I4 | Female | 26 | 3.5 | Intermediate | Interior designer |
I5 | Male | 31 | 4 | Intermediate | Sales Manager |
I6 | Female | 29 | 3 | Intermediate | Journalist |
I7 | Male | 35 | 5 | Intermediate | Lawyer |
I8 | Female | 24 | 4 | Intermediate | Banker |
I9 | Male | 27 | 3.5 | Intermediate | Bank Teller |
I10 | Female | 33 | 4.5 | Intermediate | Accountant |
E1 | Male | 26 | 8 | Elite | Primary School Teacher |
E2 | Female | 24 | 7 | Elite | Sports Club Player |
E3 | Male | 29 | 10 | Elite | Badminton Coach |
E4 | Female | 22 | 6 | Elite | Sports Science Student |
E5 | Male | 31 | 12 | Elite | Former National Player |
E6 | Female | 27 | 9 | Elite | Semi-Professional Player |
E7 | Male | 25 | 8 | Elite | Physical Trainer |
E8 | Female | 30 | 11 | Elite | Badminton sports shop owner |
E9 | Male | 28 | 9 | Elite | Sports Journalist |
E10 | Female | 23 | 7 | Elite | National Team Trainee |
Skill Level | Age Range (Years) | Experience Range | Notable Characteristics |
---|---|---|---|
Novice | 18–35 | 1 to 2 years | University students, young professionals |
Intermediate | 23–35 | 3 to 5 years | Diverse professional backgrounds |
Elite | 22–31 | 6 to 12 years | National team members, professional players |
Skill Level | QE Duration (ms) | QE Onset (ms before Impact) |
---|---|---|
Elite | 289.5 ± 34.2 | −385.2 ± 52.1 |
Intermediate | 213.7 ± 41.5 | −298.6 ± 63.4 |
Novice | 168.3 ± 38.9 | −215.4 ± 71.8 |
Variable | 1 | 2 | 3 | 4 | 5 |
---|---|---|---|---|---|
1. Shot Accuracy | 1 | ||||
2. QE Duration | 0.72 * | 1 | |||
3. QE Onset | −0.58 * | −0.43 * | 1 | ||
4. Racket Speed | 0.61 * | 0.39 * | −0.28 | 1 | |
5. Wrist Angle | 0.47 * | 0.31 | −0.19 | 0.35 * | 1 |
Predictor | β | SE | t | p-Value |
---|---|---|---|---|
QE Duration | 0.45 | 0.08 | 5.62 | <0.001 |
QE Onset | −0.21 | 0.09 | −2.33 | 0.028 |
Racket Speed | 0.32 | 0.11 | 2.91 | 0.008 |
Wrist Angle | 0.18 | 0.1 | 1.8 | 0.084 |
Metric | Overall | Smashes | Drops | Clears |
---|---|---|---|---|
Accuracy | 85.70% | 89.20% | 84.50% | 83.40% |
Precision | 88.30% | 91.50% | 86.20% | 85.70% |
Recall | 83.10% | 87.30% | 82.90% | 81.20% |
F1 Score | 0.856 | 0.893 | 0.845 | 0.834 |
Feature Set | Accuracy | Precision | Recall | F1 Score |
---|---|---|---|---|
QE metrics only | 79.30% | 82.10% | 76.50% | 0.792 |
Biomechanical features only | 77.80% | 80.60% | 75.00% | 0.777 |
All features (full model) | 85.70% | 88.30% | 83.10% | 0.856 |
Epoch | Training Loss | Validation Loss |
---|---|---|
0 | 0.480 | 0.510 |
5 | 0.380 | 0.430 |
10 | 0.330 | 0.380 |
15 | 0.280 | 0.350 |
20 | 0.236 | 0.330 |
25 | 0.215 | 0.310 |
30 | 0.200 | 0.290 |
35 | 0.185 | 0.270 |
40 | 0.170 | 0.250 |
45 | 0.155 | 0.230 |
50 | 0.140 | 0.210 |
55 | 0.130 | 0.200 |
60 | 0.120 | 0.190 |
65 | 0.110 | 0.185 |
70 | 0.100 | 0.180 |
75 | 0.095 | 0.175 |
80 | 0.090 | 0.170 |
85 | 0.088 | 0.165 |
90 | 0.085 | 0.160 |
95 | 0.083 | 0.155 |
100 | 0.231 | 0.258 |
Feature | SHAP Value |
---|---|
QE Duration | 0.385 |
Racket Speed at Impact | 0.312 |
QE Onset | 0.287 |
Wrist Angle at Impact | 0.245 |
Shuttlecock Trajectory Angle | 0.198 |
Body Posture (Trunk Rotation) | 0.173 |
Skill Level | Smashes (ms) | Drops (ms) | Clears (ms) |
---|---|---|---|
Elite | 301.2 ± 38.7 | 286.5 ± 35.9 | 280.8 ± 33.4 |
Intermediate | 225.4 ± 44.3 | 209.8 ± 40.2 | 205.9 ± 42.6 |
Novice | 172.6 ± 41.5 | 168.9 ± 39.7 | 163.4 ± 37.8 |
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2024 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Tan, S.; Teoh, T.T. Predicting Shot Accuracy in Badminton Using Quiet Eye Metrics and Neural Networks. Appl. Sci. 2024, 14, 9906. https://doi.org/10.3390/app14219906
Tan S, Teoh TT. Predicting Shot Accuracy in Badminton Using Quiet Eye Metrics and Neural Networks. Applied Sciences. 2024; 14(21):9906. https://doi.org/10.3390/app14219906
Chicago/Turabian StyleTan, Samson, and Teik Toe Teoh. 2024. "Predicting Shot Accuracy in Badminton Using Quiet Eye Metrics and Neural Networks" Applied Sciences 14, no. 21: 9906. https://doi.org/10.3390/app14219906
APA StyleTan, S., & Teoh, T. T. (2024). Predicting Shot Accuracy in Badminton Using Quiet Eye Metrics and Neural Networks. Applied Sciences, 14(21), 9906. https://doi.org/10.3390/app14219906