Next Article in Journal
A Q-Learning Crested Porcupine Optimizer for Adaptive UAV Path Planning
Previous Article in Journal
Research and Overview of Crop Straw Chopping and Returning Technology and Machine
Previous Article in Special Issue
Correction: Montgomery-Smith, S.; Shy, C. Using Lie Derivatives with Dual Quaternions for Parallel Robots. Machines 2023, 11, 1056
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Machine Learning Applications in Parallel Robots: A Brief Review

by
Zhaokun Zhang
1,*,
Qizhi Meng
2,
Zhiwei Cui
3,
Ming Yao
4,5,
Zhufeng Shao
4,5 and
Bo Tao
6
1
Department of Mechanical Engineering, University of Michigan, Ann Arbor, MI 48109, USA
2
Chair for Mechanics and Robotics, Faculty of Engineering, University of Duisburg-Essen, 47057 Duisburg, Germany
3
School of Artificial Intelligence, Shandong University, Jinan 250100, China
4
State Key Laboratory of Tribology in Advanced Equipment & Department of Mechanical Engineering, Tsinghua University, Beijing 100084, China
5
Beijing Key Laboratory of Transformative High-End Manufacturing Equipment and Technology, Tsinghua University, Beijing 100084, China
6
State Key Laboratory of Intelligent Manufacturing Equipment and Technology, Huazhong University of Science and Technology, Wuhan 430074, China
*
Author to whom correspondence should be addressed.
Machines 2025, 13(7), 565; https://doi.org/10.3390/machines13070565
Submission received: 9 May 2025 / Revised: 25 June 2025 / Accepted: 26 June 2025 / Published: 29 June 2025
(This article belongs to the Special Issue Advances in Parallel Robots and Mechanisms)

Abstract

Parallel robots, including cable-driven parallel robots (CDPRs), are widely used due to their high stiffness, precision, and high dynamic performance. However, their multi-chain closed-loop architecture brings nonlinear, multi-degree-of-freedom coupled motion and sensitivity to geometric errors, which result in significant challenges in their modeling, error compensation, and control. The rise in machine learning technology has provided a promising approach to address these issues by learning complex relationships from data, enabling real-time prediction, compensation, and adaptation. This paper reviews the progress of typical applications of machine learning methods in parallel robots, covering four main areas: kinematic modeling, error compensation, trajectory tracking control, as well as other emerging applications such as design synthesis, motion planning, and CDPR fault diagnosis. The key technologies used, their implementation architecture, technical difficulties solved, performance advantages and applicable scope are summarized. Finally, the review outlines current challenges and future directions. It is proposed that hybrid learning physics modeling, transfer learning, lightweight deployment, and interdisciplinary collaboration will be the key directions for advancing the integration of machine learning and parallel robotic systems.

1. Introduction

Parallel robots represent a significant class of robotic mechanisms, characterized by multiple independent kinematic chains connecting a movable platform to a fixed base in a parallel closed-loop structure [1,2]. Since the successful application of the Gough–Stewart platform [3,4], parallel robots have attracted growing attention from both academia and industry and have undergone rapid development. Parallel robots exhibit outstanding features such as high stiffness [5], high payload-to-weight ratio [6], excellent dynamic performance [7], and superior motion accuracy [8]. Their outstanding features have enabled their widespread application in fields such as motion simulators [9], high-speed pick-and-place devices [10], machine tools [11], etc. Representative systems include the Gough–Stewart motion platform [12], the Delta robot [13], and the Sprint Z3 tool head [14]. To meet the increasing demands for high dynamic performance and large operational workspaces, cable-driven parallel robots (CDPRs) have emerged as a significant subclass of parallel robots and a focal point of research in recent years [15,16]. By replacing rigid links with flexible cables, CDPRs achieve substantial weight reduction and workspace expansion [17,18], making them especially suited for large-scale [19,20] or highly dynamic tasks [21]. Both rigidly actuated parallel robots and CDPRs continue to play an irreplaceable role in industrial and technological domains, offering broad application potential and economic impact.
Despite their advantages, parallel robots—particularly CDPRs—face significant challenges in modeling and control. Their multi-chain parallel structure leads to complex kinematics and non-unique inverse solutions [22], especially in systems with high degrees of freedom (DOFs) or redundant configurations [23]. Moreover, parallel robots are sensitive to structural errors, and the strong coupling among multiple-DOF motion and kinematic chains complicates motion accuracy and error compensation [24,25]. Their complex dynamic behavior and pose-dependent inertia distribution impose additional difficulties in controller design [26]. In the case of CDPRs, the unidirectional nature of cable tension imposes strict constraints to maintain structural stability and prevent slack or degraded performance [27]. The presence of nonlinearities such as cable elasticity, friction, pulley transmission effects, and environmental disturbances further increases the difficulty of accurate modeling and robust control for CDPRs [28]. Traditional model-based methods are increasingly limited in their ability to address these challenges with sufficient precision and real-time capability, motivating the need for alternative approaches.
Machine learning (ML), a major domain within artificial intelligence (AI), has emerged in recent years as a transformative technology with powerful capabilities in modeling and optimizing complex robotic systems [29]. Among various ML techniques, artificial neural networks (ANNs) serve as a fundamental and widely adopted approach due to their powerful capability in approximating complex nonlinear functions [30]. Common structures of ANNs include multi-layer perceptrons (MLPs), convolutional neural networks (CNNs), and recurrent neural networks (RNNs) such as long short-term memory (LSTM) networks [31]. MLPs serve as universal approximators for static nonlinear mappings [32], CNNs are effective for spatial feature extraction, and LSTMs are well-suited for capturing temporal dependencies [33,34]. A representative feedforward ANN architecture is illustrated in Figure 1, showing the layered structure of input, hidden, and output nodes with nonlinear activation functions enabling complex function approximation. These architectures are typically trained using gradient-based optimization algorithms such as backpropagation combined with stochastic gradient descent (SGD) or its variants. When ANNs are composed of multiple hidden layers, they are often referred to as deep learning (DL) models, which have gained increasing attention for their ability to represent complex, high-dimensional patterns. Unlike traditional methods that rely on well-defined physical and mathematical models, ML algorithms like ANNs can extract complex, nonlinear relationships from large volumes of historical or real-time data [35]. This data-driven paradigm is particularly beneficial for complex parallel robot systems, whose analytical solutions to kinematics, dynamics, or control problems are difficult to solve analytically or computationally expensive.
In recent years, an increasing number of studies have explored the applications of ML in parallel robots and achieved promising results. Studies have been conducted to utilize neural networks (NNs) for inverse and forward kinematic calculation, improving the speed and accuracy of the computations [36,37]. Data-driven models have been developed to model and compensate for terminal errors caused by geometric and nongeometric factors, significantly improving the positioning accuracy of parallel robots [38,39]. Moreover, DL and reinforcement learning (RL) have been employed to optimize trajectory tracking and control strategies in complex systems and environments, enhancing the robustness and adaptability of parallel robots [40], especially for CDPRs [41]. These studies show that ML provides a promising alternative for modeling, error compensation, trajectory tracking, and control strategy development for parallel robots, including CDPRs.
This paper briefly reviews the application of ML in parallel robots, focusing on the research progress of ML methods used in kinematic modeling, error compensation, trajectory tracking, and control strategies. The review summarizes representative ML methods, implementation frameworks, technical challenges addressed, and performance outcomes. Finally, it discusses current limitations and directions for future research.

2. Machine Learning for Kinematics

Solving the kinematics of parallel robots, especially the forward kinematics (FK) problem, remains a fundamental challenge due to the complexity, strong coupling, and nonlinearity in these systems. ML techniques provide a promising alternative by learning the complex mapping between joint variables and terminal poses directly from data.
Although the inverse kinematics (IK) problem for parallel robots can usually be solved analytically, there remains room for improvement in computational efficiency. ML methods have been introduced to accelerate the solution process, enabling faster prediction. For instance, Thomas et al. [42] tested several ML algorithms—including linear regression, support vector machine (SVM), decision tree (DT), random forest (RF), and MLP network— to calculate the IK solution for a 3-PPSS parallel robot to overcome the computational difficulties and approximation problems involved in analytical methods. Similarly, Ghasemi et al. [43] applied MLP and radial basis function (RBF) network to approximate the IK solution for the Tricept parallel machine, which has a faster calculation speed to meet the requirements of real-time control. Figure 2a shows the framework diagram of the implementation scheme of applying ML methods to IK. The desired pose sd is used as the input of the ML model, and the error εq between the predicted result qp and the numerical calculation result qd is fed back to the model for training, to minimize εq. Compared with traditional methods, the ML-based IK calculation method can shorten the calculation time while ensuring accuracy, which is beneficial for real-time control.
The most important application of ML in kinematics is to solve the FK problem, as analytical FK solutions are generally difficult to derive for parallel robots. Traditional FK calculations are generally based on numerical iterative methods, such as the Newton–Raphson method [44], which is usually time-consuming and requires considerable effort to ensure the stability and accuracy of the calculation. To improve the efficiency of the numerical solution, Parikh and Lam [45] proposed combining MLPs with numerical methods, using the MLP algorithm to provide an improved initial guess for the FK solver, thereby reducing the number of iterations and improving the convergence efficiency. The implementation architecture is shown in Figure 2c. More commonly, ML models are trained as universal approximators to directly learn the mapping from joint variables to end-effector poses. Dehghani et al. [46] proposed an MLP-based approach for solving the FK of the HEXA parallel manipulator, effectively learning the nonlinear mapping to improve pose accuracy in the absence of a closed-form solution. Morell et al. [47] introduced an SVM-based method with offline preprocessing and fast online evaluation to model the FK of parallel robots across various configurations, enabling accurate, geometry-independent approximations within specific pose regions. Zubizarreta et al. [48] employed MLPs to approximate the FK of a 3PRS parallel robot, achieving a 7.5-fold speedup over the Newton–Raphson method while maintaining high accuracy. Prado et al. [49] applied ANNs to solve the FK of wearable parallel robots, achieving real-time and robust performance despite model uncertainties such as link deflections and joint misalignments. Khalapyan et al. [50] proposed an MLP-based method that incorporated the previous platform position as an additional input to enhance solution accuracy and speed. Zhang and Lei [51] demonstrated that ν-SVM with a linear kernel outperforms MLP and RBF networks in estimating the FK of a redundant parallel robot in terms of accuracy, generalization, and convergence speed. In addition, several studies have addressed both FK and IK problems simultaneously [52,53].
The implementation framework of the FK solution of the above ML-based universal approximator is shown in Figure 2b. Given a set of desired poses sd, the corresponding joint input qd is calculated by inverse kinematics, and then qd is input into the ML model to obtain the predicted pose sp. The difference εs between desired end-effector pose sd and predicted pose sp is used as feedback to train the model, with the objective of minimizing εs through iterative learning. To improve the performance of ML models, intelligent optimization algorithms such as genetic algorithms (GAs) can be used to optimize NN parameters [54,55].
Compared to rigid parallel robots, CDPRs present even greater challenges for kinematic analysis due to nonlinearities introduced by cable mass and elasticity. The coupling between cable length and tension transforms their kinematics into a nonlinear statics problem. Chawla et al. [56,57] proposed a DL approach to solve the IK and FK of CDPRs considering cable mass and elasticity, achieving an 83% reduction in computation time compared to numerical methods. Mishra and Caro [58] proposed an unsupervised NN method for real-time forward geometric-static analysis of under-constrained CDPRs, efficiently handling cable elasticity and gravity-induced nonlinearity by approximating solutions along motion paths. Chen et al. [59] applied deep reinforcement learning (DRL) to enhance motion control and position estimation in CDPRs, introducing a delay strategy for synchronization and achieving improved accuracy and reduced control errors in high-payload scenarios. In addition, Zhang et al. [60] introduced CafkNet, a graph neural network (GNN)-based method for solving the forward kinematics of CDPRs, demonstrating promising performance improvements.
The summary of the ML methods used for the kinematic model in parallel robots are shown in Table 1.
ML has increasingly demonstrated its value in addressing the kinematic problems of parallel robots. Currently, a variety of ML methods are available; however, the effectiveness of models built using these methods varies [42,43,51]. While many ML approaches for solving IK and FK are broadly applicable to robotic systems, their deployment in parallel robots introduces unique complexities. Due to the closed-loop structure of parallel mechanisms, the FK problem often lacks a closed-form analytical solution and may involve multiple valid configurations, singularities, and ill-conditioned Jacobians. These characteristics make the learning task for ML models significantly more difficult than in serial manipulators. ML models must be able to approximate many-to-one or discontinuous mappings while preserving generalization capability, especially near singular regions. This necessitates careful dataset construction, model design, and sometimes hybrid approaches that combine ML with numerical solvers. For IK, although analytical solutions often exist in parallel robots, multiple solution branches may be present. ML models can be designed to learn feasible or task-optimal configurations, improving real-time applicability and robustness. To address these issues, researchers have explored strategies such as incorporating prior joint configurations, embedding constraint-aware loss functions, and using hybrid ML–numerical methods to enhance convergence and reliability.
Moreover, all the existing approaches primarily rely on simulation data or numerical values obtained from inverse kinematics calculations for the ML model training, rather than using real-world pose measurements. In the future, it is anticipated that the data measured from the real robot’s end-effector, as illustrated in the schematic diagrams in Figure 3, could be employed for error compensation, leading to higher accuracy. However, it may be difficult to collect a large amount of data for real robots. Therefore, how to efficiently collect data or reduce the data demand of ML models is the key.

3. Machine Learning for Error Compensation

The positioning accuracy of parallel robots is affected by geometric and non-geometric errors arising from manufacturing defects, assembly misalignments, joint clearance, structural deformations, and environmental disturbances [61]. Traditionally, kinematic calibration techniques have been employed to improve accuracy by modifying the nominal kinematic model through parameter identification and optimization [62]. However, calibration typically involves the construction of complex error models and parameter identification processes, which can be especially burdensome for parallel robots due to their multiple kinematic chains and joints. In addition, model-based calibration methods are not flexible enough to address complex nonlinear error behaviors. In contrast, ML methods provide a powerful alternative that supports data-driven modeling and compensation strategies and bypasses explicit error formulas [63]. As illustrated in Figure 4a, ML models can learn the mapping between pose errors and corrective joint variables or geometric parameters, enabling direct compensation to improve positioning accuracy without requiring a detailed error model.
Various ML architectures have been proposed for this purpose. Yu [64] proposed a backpropagation (BP) trained MLP network to learn the kinematic model error of a parallel robot. The trained NN can be used to perform online pose accuracy compensation in the task. As an improvement, Yu [65] further proposed a hybrid ANN consisting of a BP network, an RBF network, and a control module to compensate for the pose error caused by the non-geometric parameter error of the Stewart parallel robot. Wang and Bai [66] divided the workspace of Stewart platform into subregions and used an MLP network to model the error mapping in each subregion. It improves the calibration accuracy, but the measurement and training tasks are greatly increased. The trained NN models can be embedded into real-time control systems for online compensation. It is important to note that the performance of ML models varies depending on architecture and training data, making the selection of appropriate models and hyperparameters essential to avoid overfitting and ensure generalization [67].
To address more complex and nonlinear error sources, DL methods have also been explored. Zhang et al. [68] proposed a DL method that combines attention-based mechanisms to capture both geometric and non-geometric error components, improving the accuracy and reliability of parallel robot operations. These attention modules dynamically adjust the importance of different input features, improving feature utilization without significantly increasing model complexity. In addition to attention mechanisms, RNN architectures such as LSTM models have also shown promise in learning time-dependent or history-aware pose error patterns. For example, Zhu et al. [38,69] proposed a CNN-LSTM hybrid network to predict the pose error of a Stewart platform, leveraging convolutional features for spatial abstraction and LSTM layers for temporal integration. Such architectures are particularly beneficial in dynamic environments or when systematic errors evolve over time due to thermal drift, wear, or deformation. These models complement feedforward networks by incorporating memory of prior states, thereby improving prediction stability and compensation accuracy. Given the high cost of acquiring real-world datasets for DL models, Akhmetzyanov et al. [70] introduced a transfer learning (TL) approach in which a model is first pre-trained on simulated data and then fine-tuned using a limited amount of experimental data. TL significantly shortens the data acquisition cost while maintaining high compensation accuracy, making it suitable for modular or reconfigurable parallel robots.
Hybrid strategies that combine model-based calibration and data-driven compensation have also been explored [71,72,73]. As shown in Figure 4b, hybrid methods typically involve a two-stage compensation framework. First, kinematic calibration based on numerical optimization techniques is performed to compensate for geometric errors. Subsequently, ML models—commonly MLP networks—are used to capture and correct residual non-geometric errors. This two-stage correction framework leverages the strengths of both physical modeling and data-driven learning, enabling more comprehensive error correction.
The summary of the ML methods used for error modeling and compensation in parallel robots are shown in Table 2.
Compared to serial manipulators, parallel robots are particularly sensitive to both geometric and non-geometric errors due to the strong coupling between their multiple kinematic chains. Minor deviations in joint geometry, link lengths, or assembly conditions can result in amplified pose errors at the end-effector. Moreover, error characteristics are highly configuration-dependent, varying across the workspace in complex, nonlinear patterns. These factors pose significant challenges to ML-based compensation models, which must not only generalize across diverse operating conditions but also adapt to local sensitivities. Accurate pose labeling for training is especially demanding in parallel robots, often requiring high-precision external measurement systems or simulation-enhanced datasets. As a result, effective ML solutions for error compensation in parallel robots frequently adopt hybrid architectures or workspace segmentation strategies to ensure both accuracy and practical deployability.
While ML-based methods have demonstrated substantial potential in error modeling and compensation, several challenges remain. Key issues include the high cost of collecting large and diverse datasets, the lack of interpretability, and the difficulty of achieving real-time inference on computationally constrained systems. Future research should focus on addressing these limitations by developing more data-efficient learning algorithms (e.g., transfer learning, active learning), designing hybrid models that integrate physics-informed priors, enhancing model interpretability, and optimizing lightweight architectures for deployment on real-time embedded systems.

4. Machine Learning for Trajectory Tracking and Control

Achieving accurate and robust control of parallel robots presents persistent challenges due to their nonlinear, coupled dynamics, potential actuation redundancies, and sensitivity to disturbances. Traditional model-based controllers, such as proportional–integral–derivative (PID) and inverse dynamics controllers (IDCs), often face performance limitations in the presence of model uncertainties and unmodeled dynamics. In recent years, ML technologies have been increasingly applied to enhance trajectory tracking and improve control robustness in parallel robotic systems. These challenges are particularly pronounced in CDPRs, which introduce additional complexities such as maintaining positive cable tension to prevent slack, nonlinear couplings between actuators and end-effector pose, and configuration-dependent dynamics resulting from closed-loop constraints. In such systems, purely model-free learning approaches may struggle to ensure real-time feasibility, safety, and constraint satisfaction. Therefore, ML-based controllers for parallel robots must be carefully adapted to operate within strict physical and structural limits—often incorporating constraint-aware training objectives, hybrid model-based architectures, or real-time adaptation mechanisms. For CDPRs, unmodeled effects such as cable elasticity, pulley friction, and load dynamics further increase the need for data-efficient and physically interpretable control solutions. As a result, many of the most effective ML applications in parallel robot control combine learning modules with conventional control strategies, striking a balance between data-driven adaptability and model-based reliability.

4.1. Hybrid Machine Learning-Augmented Control

Hybrid control approaches embed NNs into classical control frameworks to create feedforward compensators or adaptive components that enhance the system’s ability to handle nonlinearities and uncertainties, as illustrated in Figure 5a. For instance, Li and Wang [74] integrated a diagonal recurrent neural network (DRNN) into a conventional PID controller, significantly reducing tracking error by accurately approximating nonlinear dynamics using the DRNN. Escorcia-Hernández et al. [75] employed a B-spline NN in parallel with a PD controller to compensate for dynamic errors and improve control precision. To address the problem of inaccurate dynamic models, Rahimi et al. [76] designed a self-adjusting IDC using an NN trained online with an arc length function, leading to reduced vibrations and improved trajectory smoothness. In CDPR control, Piao et al. [77] proposed an indirect end-effector force estimation method using an ANN to model and compensate for pulley friction and other unmodeled disturbances, thereby enhancing force control performance. These hybrid control strategies combine the structural stability of traditional controllers with the learning and compensation capabilities of NNs, making them well-suited for systems with incomplete dynamics or external perturbations.

4.2. Adaptive Neural Network Controllers

Adaptive neural network controllers adapt to environmental changes and model uncertainties by updating control parameters in real time. Achili et al. [78] proposed an adaptive force/position hybrid controller based on an MLP network to compensate for the dynamic interaction disturbances between the robot and its environment, effectively suppress the oscillation introduced by the sliding mode term and significantly improve the trajectory tracking accuracy. Similarly, Zabihifar and Yuschenko [79] designed an adaptive force/position control scheme for a Delta robot using an RBF network with a weight adaptation law based on universal approximation properties. Asl and Janabi-Sharifi [80] introduced an MLP-based trajectory controller with bounded inputs and auxiliary dynamics to ensure stable cable tension and system stability. In more complex control tasks, NNs are often combined with sliding mode control (SMC) to further improve robustness. Nguyen et al. [81] proposed an adaptive chattering-free NN sliding mode controller that combines an RBF network and a sliding mode structure, which effectively solves the high-frequency chattering phenomenon in the traditional NN-SMC controller and achieves highly robust trajectory tracking. Zhang et al. [82] applied this strategy to a flexible spatial parallel robot, using an RBF network to compensate for the driving torque, thereby enhancing vibration suppression and tracking performance. Achili et al. [83] further demonstrated that combining MLP networks with SMC improved control robustness under varying dynamic conditions such as gravity and friction.

4.3. Fuzzy Neural Network Controllers

Fuzzy neural networks (FNNs) combine the interpretability and rule-based reasoning of fuzzy logic with the self-learning capability of NNs, making them highly effective in uncertain and nonlinear environments. Jalaeian et al. [84] proposed a dynamically growing FNN controller with self-organizing structure and adaptive capability, enabling a rapid response to parameter drift while maintaining system stability. Zhu and Fang [85] investigated an adaptive FNN control scheme that updates fuzzy rule weights online to maintain robustness under changing load conditions and disturbances. In dealing with friction and disturbance modeling errors, Hung and Na [86] introduced a PD-type fuzzy controller in a feedback linearization framework, thereby improving the stability and tracking accuracy under the conditions of modeling errors, disturbances, and noise. For perturbation compensation and load adaptation, Lu et al. [87] and Xu et al. [88] proposed adaptive fuzzy SMC controllers that integrated FNNs with SMC, achieving reliable trajectory tracking under dynamic uncertainties.

4.4. Deep Learning and Reinforcement Learning Approaches

DL and RL methods enable task planning and control decision-making through data-driven and policy learning without relying on a precise model of the system. The implementation framework is shown in Figure 5b. Zhang et al. [89] proposed a DL-based hybrid approach based on target detection and semantic segmentation, which was applied to the static and dynamic picking tasks of the Delta parallel robot, effectively improving the picking accuracy and response speed. Yadavari et al. [90] applied DRL to the PID controller tuning of the Stewart platform, demonstrating the feasibility of DRL in complex dynamic model control and offering a new path for intelligent parameter optimization.
RNNs—particularly the LSTM architecture—have demonstrated strong potential in parallel robot control due to their ability to model temporal dependencies and time-varying nonlinearities. Sabahi [91] introduced a novel convex BiLSTM-based controller for a 3-PSP spatial parallel robot, targeting frictional and inertial uncertainties. This architecture leveraged memory-based feedback and a convex combination of BiLSTM layers to adaptively compensate for dynamic variations, achieving notable improvements in tracking accuracy, robustness, and learning efficiency. Similarly, Zhang et al. [92] developed an LSTM-enhanced adaptive neurocontroller for a pneumatic artificial muscle-driven parallel robot system. Their approach used a continuous-time LSTM to approximate unknown time-varying dynamics, alongside a two-stage error transformation to enforce guaranteed transient and steady-state tracking performance. These LSTM-based controllers highlight the growing utility of deep temporal models in addressing time-dependent uncertainties and complex nonlinear behaviors that are difficult to capture using feedforward or model-based methods.
In CDPR systems, the DRL method shows great potential, especially under conditions of high system parameter uncertainty, complex cable force distribution, and significant external disturbances. Zhang and Guo [93] proposed a DRL-based control strategy for a reconfigurable CDPR with uncertain parameters after reconfiguration, verifying the application potential of DRL in reconstructing CDPR. Lu et al. [94] introduced DRL for compensating uncertainties caused by cable elasticity and mechanical friction, improving dynamic response. Lu et al. [95] further developed an RL-based disturbance observer and combined it with SMC to achieve high-precision control of CDPR under strong disturbance conditions. Addressing load instability, Grimshaw and Oyekan [96] proposed a cascaded control strategy combining NN reference control and nested PID, improving system state recognition and stability. LSTM-based RNNs also have demonstrated strong potential in CDPR control. Kang et al. [97] proposed a hybrid RNN combining RNN and LSTM to predict pose estimation errors in CDPRs caused by nonlinear cable behavior such as creep and hysteresis.
For dynamic trajectory control and tension optimization in CDPRs, the deep deterministic policy gradient (DDPG) algorithm has been widely adopted. Sancak et al. [98] proposed a DRL-based point-to-point and dynamic trajectory control strategy for planar CDPRs, emphasizing the optimization of cable tension distribution through the learning process without participation of the tension distribution algorithm. Bouaouda et al. [99] and Ma et al. [100] introduced the DRL algorithm based on DDPG into CDPR control, realizing the tension distribution optimization and high-precision control of CDPR without analytical modeling. Sun et al. [101] trained DRL agents with DDPG to actively suppress vibrations in CDPR-based flexible structures under low-tension conditions, reducing stabilization time. Raman et al. [102] and Xiong et al. [103] explored end-to-end and hybrid DRL architectures for trajectory tracking, concluding that hybrid strategies offer superior training efficiency and robustness. Nomanfar and Notash [104] highlighted the importance of reward function design in achieving high-performance RL-based control for CDPRs.
The summary of the ML methods used for error modeling and compensation in parallel robots are shown in Table 3.
In summary, ML has shown significant promise in advancing intelligent control for parallel robots. The hybrid control and feedforward compensation methods improve the nonlinear modeling capabilities of the traditional control framework by introducing NNs. Adaptive control methods emphasize real-time compensation for model errors and external disturbances. FNN-based control offers strong robustness in scenarios with incomplete control rules by integrating rule logic and learning mechanisms. DRL-based strategies break through the dependence on system modeling and realize autonomous control based on policy learning.

5. Machine Learning for Other Applications

Beyond its wide application in kinematics, error compensation, and control of parallel robots, ML has demonstrated substantial potential in a variety of other applications for parallel robots, including design optimization, trajectory generation, and fault diagnosis.
In design and modeling, ML techniques have been applied to analyze robot structure–function relationships and predict system behavior. Huo et al. [105] proposed an ML-based approach for motion and constraint modeling. The robot topology is represented by symbols to establish mappings between structural configurations and mobility characteristics. The prediction model is further constructed using NNs to achieve robot mobility analysis. Elgammal et al. [106] explored the use of NNs in modeling inverse dynamics of 3-DOF translational parallel manipulators. By combining feedforward NNs with transfer learning strategies, their approach maintained high modeling accuracy while significantly reducing the need for large training datasets, thereby enhancing generalizability and portability.
ML has also been leveraged for structural and performance optimization of parallel robots. Gao et al. [107] integrated BP NNs and the Levenberg–Marquardt algorithm to construct a system stiffness prediction model. This model served as the fitness function in multi-objective optimization, addressing the convergence challenges of traditional algorithms for complex performance objectives. Modungwa et al. [108] applied ensemble learning techniques to construct function approximation models for analytic cost functions, facilitating efficient search processes in the optimization of six-DOF parallel manipulators. For CDPRs, Umakarthikeyan and Ranganathan [109] developed a learning-assisted optimization strategy using random forest algorithms to determine optimal cable outlet positions and tension distributions for quadrotor-CDPR systems, significantly improving the system’s operable space and flexibility.
RL has increasingly been applied to trajectory planning and real-time obstacle avoidance. For instance, Liu et al. [110] proposed a dynamic path generation framework for CDPRs that integrates RL with real-time environmental awareness, enabling adaptive trajectory generation in dynamic environments with moving obstacles. Vu and Alsmadi [111] applied RL to pick-and-place trajectory generation for CDPRs and highlighted the critical role of reward function shaping in influencing policy behavior and task outcome.
Additionally, ML techniques have shown practical value in health monitoring and safety assurance for CDPR systems. Bettega et al. [112] developed a real-time fault detection framework for CDPRs using supervised classification algorithms. By analyzing variations in motor load torque, the system could effectively detect cable faults, demonstrating the feasibility of ML-based approaches for condition monitoring and system health assurance.

6. Conclusions and Outlook

The emergence and development of ML technologies have created transformative opportunities across key areas of parallel robot research, including kinematic modeling, error compensation, motion planning, control, and system design. Recent advances have demonstrated the successful application of ML techniques—particularly ANNs, DL, and RL—to both rigid parallel robots and CDPRs. A fundamental strength of ML lies in its ability to approximate complex system behaviors without relying on precise analytical models. This property makes ML especially valuable for highly nonlinear, high-DOF systems such as parallel robots, and positions it as a powerful solution to long-standing challenges related to system complexity, nonlinearity, and adaptability. The key achievements of using ML methods for parallel robots are as follows.
  • Kinematic computation: ML has proven effective in improving the efficiency of IK computations and delivering reliable FK solutions. It also shows clear advantages in handling redundancy and singularities—areas traditionally difficult for analytical and numerical methods.
  • Error compensation: data-driven models eliminate the need for explicit error modeling, enabling unified handling of both geometric and non-geometric errors.
  • Control and trajectory tracking: ML-based controllers—especially hybrid and adaptive neural controllers— improve system adaptability and robustness under dynamic uncertainties through online learning, particularly in CDPR systems that are highly affected by nonlinearity and external disturbances.
  • Emerging applications: In addition to the above, ML applications have also expanded into design synthesis, workspace analysis, trajectory generation, and fault diagnosis, accelerating the development of next-generation intelligent parallel robotic systems.
Nevertheless, several critical challenges remain. First, developing high-performance ML models often requires large volumes of high-quality, task-specific data, which can be costly and difficult to obtain in practical robotic systems. Second, a trade-off exists between model complexity and computational efficiency, which may limit the deployability of ML-based controllers on resource-constrained platforms such as embedded systems. Third, in certain complex subdomains—such as topology and type synthesis of parallel robots—the application of ML remains in its infancy and warrants further exploration.
It is also important to recognize that a purely ML-based approach—especially one relying exclusively on NNs—is unlikely to solve all challenges associated with parallel robotic systems. Given the structural complexity, real-time constraints, and safety-critical requirements of such systems—particularly in cable-driven variants—ML models often require large quantities of high-quality data and may struggle to generalize in the presence of singularities, unmodeled dynamics, or rare disturbances. In contrast, physics-based models and classical control theory offer structural interpretability, guaranteed stability, and proven robustness. Therefore, hybrid approaches that integrate machine learning with analytical models, control laws, or optimization techniques are emerging as more viable solutions. These frameworks combine the adaptability and learning capacity of ML with the predictability and efficiency of model-based methods. Future research should continue to explore and refine such hybrid strategies to fully leverage the strengths of both paradigms in parallel robot design, modeling, and control.
To address these limitations and fully realize the potential of ML in parallel robots, future research should focus on the following directions:
  • Developing hybrid modeling frameworks that integrate physics-based models with data-driven techniques to improve generalization and robustness.
  • Leveraging transfer learning and domain adaptation to reduce data requirements and enhance model transferability across different robot platforms.
  • Advancing lightweight NN architectures and edge computing approaches to support efficient deployment on real-time embedded systems.
  • Establishing open datasets and standardized benchmarking platforms, along with deeper interdisciplinary collaboration between the robotics and AI communities, to foster reproducibility and accelerate innovation in the field.

Author Contributions

Conceptualization, Z.Z., Q.M., and Z.C.; methodology, Z.Z., Q.M., and Z.C.; software, M.Y.; validation, Z.Z., Q.M., and Z.C.; formal analysis, Z.Z., Q.M., and Z.C.; investigation, Z.Z., Q.M., and Z.C.; resources, Z.Z. and Q.M.; data curation, Z.Z. and M.Y.; writing—original draft preparation, Z.Z., Q.M., and Z.C.; writing—review and editing, Z.Z., Q.M., Z.C., M.Y., Z.S., and B.T.; visualization, Z.Z.; supervision, Z.S. and B.T.; project administration, Z.Z.; funding acquisition, Z.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (Grant No. 52105025).

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AIArtificial intelligence
ANNArtificial neural network
BPBackpropagation
CDPRCable-driven parallel robot
CNNConvolutional neural network
DDPGDeep deterministic policy gradient
DLDeep learning
DOFDegree of freedom
DRLDeep reinforcement learning
DRNNDiagonal recurrent neural network
DTDecision tree
FKForward kinematics
FNNFuzzy neural network
GAGenetic algorithm
GNNGraph neural network
IDCInverse dynamic controller
IKInverse kinematics
LSTMLong short-term memory
MLMachine learning
MLPMulti-layer perceptron
NNNeural network
PIDProportional-integral-derivative
RBFRadial basis function
RFRandom forest
RLReinforcement learning
RNNRecurrent neural network
SGDStochastic gradient descent
SMCSliding mode control
SVMSupport vector machine

References

  1. Meng, Q.; Kecskeméthy, A.; Liu, X.J. Motion–Force Interaction Performance of Parallel Robotic Mechanisms. SmartBot 2025, 1, e12006. [Google Scholar] [CrossRef]
  2. Wang, L.; Zhang, Z.; Shao, Z. Kinematic performance analysis and promotion of a spatial 3-RPaS parallel manipulator with multiple actuation modes. J. Mech. Sci. Technol. 2019, 33, 889–902. [Google Scholar] [CrossRef]
  3. Stewart, D. A platform with six degrees of freedom. Proc. Inst. Mech. Eng. 1965, 180, 371–386. [Google Scholar] [CrossRef]
  4. Dasgupta, B.; Mruthyunjaya, T.S. The Stewart Platform Manipulator: A Review. Mech. Mach. Theory 2000, 35, 15–40. [Google Scholar] [CrossRef]
  5. Cao, W.A.; Yang, D.; Ding, H. A method for stiffness analysis of overconstrained parallel robotic mechanisms with Scara motion. Rob. Comput. Integr. Manuf. 2018, 49, 426–435. [Google Scholar] [CrossRef]
  6. Zheng, F.; Xin, S.; Han, X.; Hua, L.; Zhuang, W.; Hu, X.; Chai, F. Heavy-load Nonapod: A novel flexible redundant parallel kinematic machine for multi-DoF forming process. Int. J. Mach. Tools Manuf. 2024, 200, 104183. [Google Scholar] [CrossRef]
  7. Staicu, S.; Shao, Z.; Zhang, Z.; Tang, X.; Wang, L. Kinematic analysis of the X4 translational–rotational parallel robot. Int. J. Adv. Rob. Syst. 2018, 15, 1729881418803849. [Google Scholar] [CrossRef]
  8. Hesselbach, J.; Wrege, J.; Raatz, A.; Becker, O. Aspects on design of high precision parallel robots. Assem. Autom. 2004, 24, 49–57. [Google Scholar] [CrossRef]
  9. Dong, W.; Du, Z.; Xiao, Y.; Chen, X. Development of a parallel kinematic motion simulator platform. Mechatronics 2013, 23, 154–161. [Google Scholar] [CrossRef]
  10. Meng, Q.; Xie, F.; Liu, X.J. Conceptual design and kinematic analysis of a novel parallel robot for high-speed pick-and-place operations. Front. Mech. Eng. 2018, 13, 211–224. [Google Scholar] [CrossRef]
  11. Russo, M.; Zhang, D.; Liu, X.J.; Xie, Z. A review of parallel kinematic machine tools: Design, modeling, and applications. Int. J. Mach. Tools Manuf. 2024, 196, 104118. [Google Scholar] [CrossRef]
  12. Liu, G.; Qu, Z.; Han, J.; Liu, X. Systematic optimal design procedures for the Gough-Stewart platform used as motion simulators. Ind. Robot. 2013, 40, 550–558. [Google Scholar] [CrossRef]
  13. Pierrot, F.; Reynaud, C.; Fournier, A. DELTA: A simple and efficient parallel robot. Robotica 1990, 8, 105–109. [Google Scholar] [CrossRef]
  14. Chen, X.; Liu, X.J.; Xie, F.; Sun, T. A comparison study on motion/force transmissibility of two typical 3-DOF parallel manipulators: The sprint Z3 and A3 tool heads. Int. J. Adv. Rob. Syst. 2014, 11, 5. [Google Scholar] [CrossRef]
  15. Zhang, Z.; Shao, Z.; You, Z.; Tang, X.; Zi, B.; Yang, G.; Gosselin, C.; Caro, S. State-of-the-art on theories and applications of cable-driven parallel robots. Front. Mech. Eng. 2022, 17, 37. [Google Scholar] [CrossRef]
  16. Zarebidoki, M.; Dhupia, J.S.; Xu, W. A review of cable-driven parallel robots: Typical configurations, analysis techniques, and control methods. IEEE Rob. Autom. Mag. 2022, 29, 89–106. [Google Scholar] [CrossRef]
  17. Duan, J.; Shao, Z.; Zhang, Z.; Peng, F. Performance simulation and energetic analysis of TBot high-speed cable-driven parallel robot. ASME J. Mech. Rob. 2022, 14, 024504. [Google Scholar] [CrossRef]
  18. Cui, Z.; Tang, X.; Hou, S.; Sun, H. Research on controllable stiffness of redundant cable-driven parallel robots. IEEE/ASME Trans. Mechatron. 2018, 23, 2390–2401. [Google Scholar] [CrossRef]
  19. Tang, X.; Shao, Z. Trajectory generation and tracking control of a multi-level hybrid support manipulator in FAST. Mechatronics 2013, 23, 1113–1122. [Google Scholar] [CrossRef]
  20. Shao, Z.; Xie, G.; Zhang, Z.; Wang, L. Design and analysis of the cable-driven parallel robot for cleaning exterior wall of buildings. Int. J. Adv. Rob. Syst. 2021, 18, 1729881421990313. [Google Scholar] [CrossRef]
  21. Zhang, Z.; Shao, Z.; Wang, L. Optimization and implementation of a high-speed 3-DOFs translational cable-driven parallel robot. Mech. Mach. Theory 2020, 145, 103693. [Google Scholar] [CrossRef]
  22. Zhu, Q.; Zhang, Z. An efficient numerical method for forward kinematics of parallel robots. IEEE Access 2019, 7, 128758–128766. [Google Scholar] [CrossRef]
  23. Wen, K.; Gosselin, C. Forward kinematic analysis of kinematically redundant hybrid parallel robots. ASME J. Mech. Rob. 2020, 12, 061008. [Google Scholar] [CrossRef]
  24. Xie, G.; Zhang, Z.; Shao, Z.; Wang, L. Research on the orientation error of the translational cable-driven parallel robots. ASME J. Mech. Rob. 2022, 14, 031003. [Google Scholar] [CrossRef]
  25. Huang, C.; Xie, F.; Liu, X.J.; Meng, Q. Error modeling and sensitivity analysis of a parallel robot with R-(SS)2 branches. Int. J. Intell. Rob. Appl. 2020, 4, 416–428. [Google Scholar] [CrossRef]
  26. Mo, J.; Shao, Z.; Guan, L.; Xie, F.; Tang, X. Dynamic performance analysis of the X4 high-speed pick-and-place parallel robot. Rob. Comput. Integr. Manuf. 2017, 46, 48–57. [Google Scholar] [CrossRef]
  27. Zhang, Z.; Shao, Z.; Peng, F.; Li, H.; Wang, L. Workspace analysis and optimal design of a translational cable-driven parallel robot with passive springs. ASME J. Mech. Rob. 2020, 12, 051005. [Google Scholar] [CrossRef]
  28. Shao, Z.; Tang, X.; Wang, L.; Chen, X. Dynamic modeling and wind vibration control of the feed support system in FAST. Nonlinear Dyn. 2012, 67, 965–985. [Google Scholar] [CrossRef]
  29. Soori, M.; Arezoo, B.; Dastres, R. Artificial intelligence; machine learning and deep learning in advanced robotics, a review. Cognit. Rob. 2023, 3, 54–70. [Google Scholar] [CrossRef]
  30. Zou, J.; Han, Y.; So, S.S. Overview of artificial neural networks. In Artificial Neural Networks: Methods and Applications; Livingstone, D.J., Ed.; Humana Press: Totowa, NJ, USA, 2009; Volume 458, pp. 14–22. [Google Scholar] [CrossRef]
  31. Agatonovic-Kustrin, S.; Beresford, R. Basic concepts of artificial neural network (ANN) modeling and its application in pharmaceutical research. J. Pharm. Biomed. Anal. 2000, 22, 717–727. [Google Scholar] [CrossRef]
  32. Kruse, R.; Mostaghim, S.; Borgelt, C.; Braune, C.; Steinbrecher, M. Multi-layer perceptrons. In Computational Intelligence: A Methodological Introduction; Springer: Cham, Switzerland, 2022; pp. 53–124. [Google Scholar] [CrossRef]
  33. Li, Z.; Liu, F.; Yang, W.; Peng, S.; Zhou, J. A survey of convolutional neural networks: Analysis, applications, and prospects. IEEE Trans. Neural Netw. Learn. Syst. 2021, 33, 6999–7019. [Google Scholar] [CrossRef] [PubMed]
  34. Sherstinsky, A. Fundamentals of recurrent neural network (RNN) and long short-term memory (LSTM) network. Phys. D 2020, 404, 132306. [Google Scholar] [CrossRef]
  35. Mahesh, B. Machine Learning Algorithms-A Review. Int. J. Sci. Res. (IJSR) 2020, 9, 381–386. [Google Scholar] [CrossRef]
  36. Toquica, J.S.; Oliveira, P.S.; Souza, W.S.; Motta, J.M.; Borges, D.L. An analytical and a Deep Learning model for solving the inverse kinematic problem of an industrial parallel robot. Comput. Ind. Eng. 2021, 151, 106682. [Google Scholar] [CrossRef]
  37. Chauhan, D.K.; Vundavilli, P.R. Forward kinematics of the Stewart parallel manipulator using machine learning. Int. J. Comput. Methods 2022, 19, 2142009. [Google Scholar] [CrossRef]
  38. Zhu, X.; Liu, Z.; Cai, C.; Yang, M.; Zhang, H.; Fu, L.; Zhang, J. Deep learning-based predicting and compensating method for the pose deviations of parallel robots. Comput. Ind. Eng. 2024, 191, 110179. [Google Scholar] [CrossRef]
  39. Zhu, X.; Zhang, H.; Liu, Z.; Cai, C.; Fu, L.; Yang, M.; Chen, H. Deep learning-based interpretable prediction and compensation method for improving pose accuracy of parallel robots. Expert Syst. Appl. 2025, 268, 126289. [Google Scholar] [CrossRef]
  40. Azar, A.T.; Zhu, Q.; Khamis, A.; Zhao, D. Control design approaches for parallel robot manipulators: A review. Int. J. Modell. Identif. Control 2017, 28, 199–211. [Google Scholar] [CrossRef]
  41. Nomanfar, P.; Notash, L. Brief review of reinforcement learning control for cable-driven parallel robots. In Cable-Driven Parallel Robots. CableCon 2023. Mechanisms and Machine Science; Caro, S., Pott, A., Bruckmann, T., Eds.; Springer: Cham, Switzerland, 2023; Volume 132, pp. 161–172. [Google Scholar] [CrossRef]
  42. Thomas, M.J.; Sanjeev, M.M.; Sudheer, A.P.; ML, J. Comparative study of various machine learning algorithms and Denavit–Hartenberg approach for the inverse kinematic solutions in a 3-PP SS parallel manipulator. Ind. Robot 2020, 47, 683–695. [Google Scholar] [CrossRef]
  43. Ghasemi, J.; Moradinezhad, R.; Hosseini, M.A. Kinematic synthesis of parallel manipulator via neural network approach. Int. J. Eng. 2017, 30, 1319–1325. [Google Scholar] [CrossRef]
  44. Yang, C.; Zheng, S.; Jin, J.; Zhu, S.; Han, J. Forward kinematics analysis of parallel manipulator using modified global Newton-Raphson method. J. Cent. South Univ. Technol. 2010, 17, 1264–1270. [Google Scholar] [CrossRef]
  45. Parikh, P.J.; Lam, S.S. A hybrid strategy to solve the forward kinematics problem in parallel manipulators. IEEE Trans. Rob. 2005, 21, 18–25. [Google Scholar] [CrossRef]
  46. Dehghani, M.; Ahmadi, M.; Khayatian, A.; Eghtesad, M.; Farid, M. Neural network solution for forward kinematics problem of HEXA parallel robot. In Proceedings of the 2008 American Control Conference, Seattle, WA, USA, 11–13 June 2008; pp. 4214–4219. [Google Scholar] [CrossRef]
  47. Morell, A.; Tarokh, M.; Acosta, L. Solving the forward kinematics problem in parallel robots using Support Vector Regression. Eng. Appl. Artif. Intell. 2013, 26, 1698–1706. [Google Scholar] [CrossRef]
  48. Zubizarreta, A.; Larrea, M.; Irigoyen, E.; Cabanes, I.; Portillo, E. Real time direct kinematic problem computation of the 3PRS robot using neural networks. Neurocomputing 2018, 271, 104–114. [Google Scholar] [CrossRef]
  49. Prado, A.; Zhang, H.; Agrawal, S.K. Artificial neural networks to solve forward kinematics of a wearable parallel robot with semi-rigid links. In Proceedings of the 2021 IEEE International Conference on Robotics and Automation (ICRA), Xi’an, China, 30 May–5 June 2021; pp. 14524–14530. [Google Scholar] [CrossRef]
  50. Khalapyan, S.Y.; Glushchenko, A.I.; Rybak, L.A.; Gaponenko, E.V.; Malyshev, D.I. Intelligent computing based on neural network model in problems of kinematics and control of parallel robot. In Proceedings of the 2018 3rd Russian-Pacific Conference on Computer Technology and Applications (RPC), Vladivostok, Russia, 18–25 August 2018; pp. 1–5. [Google Scholar] [CrossRef]
  51. Zhang, D.; Lei, J. Kinematic analysis of a novel 3-DOF actuation redundant parallel manipulator using artificial intelligence approach. Rob. Comput. Integr. Manuf. 2011, 27, 157–163. [Google Scholar] [CrossRef]
  52. Wu, G.; Shi, G.; Shi, Y. Modeling and analysis of a parallel continuum robot using artificial neural network. In Proceedings of the 2017 IEEE International Conference on Mechatronics (ICM), Churchill, VIC, Australia, 13–15 February 2017; pp. 153–158. [Google Scholar] [CrossRef]
  53. Khattab, Y.; Zidane, I.F.; El-Habrouk, M.; Rezeka, S. Solving Kinematics of a Parallel Manipulator Using Artificial Neural Networks. In Proceedings of the 2021 31st International Conference on Computer Theory and Applications (ICCTA), Alexandria, Egypt, 11–13 December 2021; pp. 84–89. [Google Scholar] [CrossRef]
  54. Liu, C.; Cao, G.; Qu, Y. Safety analysis via forward kinematics of delta parallel robot using machine learning. Saf. Sci. 2019, 117, 243–249. [Google Scholar] [CrossRef]
  55. Makwana, M.A.; Patolia, H.P. Forward Kinematics of Delta Manipulator by Novel Hybrid Neural Network. Int. J. Math. Eng. Manag. Sci. 2021, 6, 1694–1708. [Google Scholar] [CrossRef]
  56. Chawla, I.; Pathak, P.M.; Notash, L.; Samantaray, A.K.; Li, Q.; Sharma, U.K. Neural network-based inverse kineto-static analysis of cable-driven parallel robot considering cable mass and elasticity. In Cable-Driven Parallel Robots. CableCon 2021. Mechanisms and Machine Science; Gouttefarde, M., Pott, A., Bruckmann, T., Eds.; Springer: Cham, Switzerland, 2021; Volume 104, pp. 50–62. [Google Scholar] [CrossRef]
  57. Chawla, I.; Pathak, P.M.; Notash, L.; Samantaray, A.K.; Li, Q.; Sharma, U.K. Inverse and forward kineto-static solution of a large-scale cable-driven parallel robot using neural networks. Mech. Mach. Theory 2023, 179, 105107. [Google Scholar] [CrossRef]
  58. Mishra, U.A.; Caro, S. Forward kinematics for suspended under-actuated cable-driven parallel robots with elastic cables: A neural network approach. ASME J. Mech. Rob. 2022, 14, 041008. [Google Scholar] [CrossRef]
  59. Chen, H.; Kim, M.C.; Ko, Y.; Kim, C.S. Compensated Motion and Position Estimation of a Cable-driven Parallel Robot Based on Deep Reinforcement Learning. Int. J. Control Autom. Syst. 2023, 21, 3507–3518. [Google Scholar] [CrossRef]
  60. Zhang, Z.; Yang, L.; Sun, C.; Shang, W.; Jiang, L.; Pan, J. CafkNet: GNN-Empowered Forward Kinematic Modeling for Cable-Driven Parallel Robots. In Proceedings of the 2024 IEEE International Conference on Robotics and Biomimetics (ROBIO), Bangkok, Thailand, 10–14 December 2024; pp. 1712–1719. [Google Scholar] [CrossRef]
  61. Majarena, A.C.; Santolaria, J.; Samper, D.; Aguilar, J.J. An overview of kinematic and calibration models using internal/external sensors or constraints to improve the behavior of spatial parallel mechanisms. Sensors 2010, 10, 10256–10297. [Google Scholar] [CrossRef]
  62. Zhang, Z.; Xie, G.; Shao, Z.; Gosselin, C. Kinematic calibration of cable-driven parallel robots considering the pulley kinematics. Mech. Mach. Theory 2022, 169, 104648. [Google Scholar] [CrossRef]
  63. Bilancia, P.; Locatelli, A.; Tutarini, A.; Mucciarini, M.; Iori, M.; Pellicciari, M. Online motion accuracy compensation of industrial servomechanisms using machine learning approaches. Rob. Comput. Integr. Manuf. 2025, 91, 102838. [Google Scholar] [CrossRef]
  64. Yu, D. Parallel robots pose accuracy compensation using artificial neural networks. In Proceedings of the 2008 IEEE International Conference on Mechatronics and Automation, Takamatsu, Japan, 5–8 August 2008; pp. 750–754. [Google Scholar] [CrossRef]
  65. Yu, D. A new pose accuracy compensation method for parallel manipulators based on hybrid artificial neural network. Neural Comput. Appl. 2021, 33, 909–923. [Google Scholar] [CrossRef]
  66. Wang, D.; Bai, Y. Calibration of Stewart platforms using neural networks. In Proceedings of the 2012 IEEE Conference on Evolving and Adaptive Intelligent Systems, Madrid, Spain, 17–18 May 2012; pp. 170–175. [Google Scholar] [CrossRef]
  67. Fabritius, M.; Kraus, W.; Pott, A. Improving the Accuracy of Cable-Driven Parallel Robots Through Model Optimization and Machine-Learning. In Advances in Mechanism and Machine Science. IFToMM WC 2023. Mechanisms and Machine Science; Okada, M., Ed.; Springer: Cham, Switzerland, 2023; Volume 147, pp. 565–576. [Google Scholar] [CrossRef]
  68. Zhang, H.; Zhu, X.; Yang, M.; Liu, Z.; Cai, C. A deep learning approach for pose error prediction in parallel robots. Measurement 2025, 242, 115815. [Google Scholar] [CrossRef]
  69. Zhu, X.; Wang, L.; Yang, M.; Fu, L. Deep Learning-Based CNN-LSTM Model Used for Predicting Pose Error of Stewart Platform. In Proceedings of the 16th International Conference on Intelligent Robotics and Applications (ICIRA2023), Hangzhou, China, 5–7 July 2023; pp. 358–370. [Google Scholar] [CrossRef]
  70. Akhmetzyanov, A.; Rassabin, M.; Maloletov, A.; Fadeev, M.; Klimchik, A. Deep Learning with Transfer Learning Method for Error Compensation of Cable-driven Robot. In Proceedings of the 17th International Conference on Informatics in Control, Automation and Robotics (ICINCO 2020), Lieusaint-Paris, France, 7–9 July 2020; pp. 553–559. [Google Scholar] [CrossRef]
  71. Liao, S.; Zeng, Q.; Ehmann, K.F.; Cao, J. Parameter identification and nonparametric calibration of the tri-pyramid robot. IEEE/ASME Trans. Mechatron. 2020, 25, 2309–2317. [Google Scholar] [CrossRef]
  72. Song, Y.; Tian, W.; Tian, Y.; Liu, X. Calibration of a Stewart platform by designing a robust joint compensator with artificial neural networks. Precis. Eng. 2022, 77, 375–384. [Google Scholar] [CrossRef]
  73. Gu, L.; Xie, F.; Liu, X.J.; Chen, J.; Luo, X. Kinematic and Nonparametric Calibration of a Parallel Machining Robot Based on an Artificial Neural Network. In Advances in Mechanism, Machine Science and Engineering in China. CCMMS 2022. Lecture Notes in Mechanical Engineering; Liu, X., Ed.; Springer: Singapore, 2023; pp. 1977–1991. [Google Scholar] [CrossRef]
  74. Li, Y.; Wang, Y. Trajectory tracking control of a redundantly actuated parallel robot using diagonal recurrent neural network. In Proceedings of the 2009 Fifth International Conference on Natural Computation, Tianjian, China, 14–16 August 2009; pp. 292–296. [Google Scholar] [CrossRef]
  75. Escorcia-Hernández, J.M.; Aguilar-Sierra, H.; Aguilar-Mejía, O.; Chemori, A.; Arroyo-Núnez, J.H. An intelligent compensation through B-spline neural network for a delta parallel robot. In Proceedings of the 2019 6th International Conference on Control, Decision and Information Technologies (CoDIT), Paris, France, 23–26 April 2019; pp. 361–366. [Google Scholar] [CrossRef]
  76. Rahimi, S.; Jalali, H.; Yazdi, M.R.; Kalhor, A.; Masouleh, M.T. Design and practical implementation of a Neural Network self-tuned Inverse Dynamic Controller for a 3-DoF Delta parallel robot based on Arc Length Function for smooth trajectory tracking. Mechatronics 2022, 84, 102772. [Google Scholar] [CrossRef]
  77. Piao, J.; Kim, E.S.; Choi, H.; Moon, C.B.; Choi, E.; Park, J.O.; Kim, C.S. Indirect force control of a cable-driven parallel robot: Tension estimation using artificial neural network trained by force sensor measurements. Sensors 2019, 19, 2520. [Google Scholar] [CrossRef]
  78. Achili, B.; Daachi, B.; Amirat, Y.; Ali-Cherif, A.; Daâchi, M.E. A stable adaptive force/position controller for a C5 parallel robot: A neural network approach. Robotica 2012, 30, 1177–1187. [Google Scholar] [CrossRef]
  79. Zabihifar, S.; Yuschenko, A. Hybrid force/position control of a collaborative parallel robot using adaptive neural network. In Interactive Collaborative Robotics. ICR 2018. Lecture Notes in Computer Science; Ronzhin, A., Rigoll, G., Meshcheryakov, R., Eds.; Springer: Cham, Switzerland, 2018; Volume 11097, pp. 280–290. [Google Scholar] [CrossRef]
  80. Asl, H.J.; Janabi-Sharifi, F. Adaptive neural network control of cable-driven parallel robots with input saturation. Eng. Appl. Artif. Intell. 2017, 65, 252–260. [Google Scholar] [CrossRef]
  81. Nguyen, V.T.; Lin, C.Y.; Su, S.F.; Tran, Q.V. Adaptive chattering free neural network based sliding mode control for trajectory tracking of redundant parallel manipulators. Asian J. Control 2019, 21, 908–923. [Google Scholar] [CrossRef]
  82. Zhang, Q.; Zhao, X.; Liu, L.; Dai, T. Adaptive sliding mode neural network control and flexible vibration suppression of a flexible spatial parallel robot. Electronics 2021, 10, 212. [Google Scholar] [CrossRef]
  83. Achili, B.; Daachi, B.; Ali-Cherif, A.; Amirat, Y. Combined multi-layer perceptron neural network and sliding mode technique for parallel robots control: An adaptive approach. In Proceedings of the 2009 International Joint Conference on Neural Networks, Atlanta, GA, USA, 14–19 June 2009; pp. 28–35. [Google Scholar] [CrossRef]
  84. Jalaeian, F.M.; Akbarzadeh-T., M.R.; Akbarzadeh, A.; Ghaemi, M. A dynamic-growing fuzzy-neuro controller, application to a 3PSP parallel robot. In Proceedings of the 2012 IEEE International Conference on Fuzzy Systems, Brisbane, QLD, Australia, 10–15 June 2012; pp. 1–6. [Google Scholar] [CrossRef]
  85. Zhu, D.; Fang, Y. Adaptive control of parallel manipulators via fuzzy-neural network algorithm. J. Control Theory Appl. 2007, 5, 295–300. [Google Scholar] [CrossRef]
  86. Hung, V.M.; Na, U.J. Adaptive neural fuzzy control for robot manipulator friction and disturbance compensator. In Proceedings of the 2008 International Conference on Control, Automation and Systems, Seoul, South Korea, 14–17 October 2008; pp. 2569–2574. [Google Scholar] [CrossRef]
  87. Lu, X.; Zhao, Y.; Liu, M. Self-learning interval type-2 fuzzy neural network controllers for trajectory control of a Delta parallel robot. Neurocomputing 2018, 283, 107–119. [Google Scholar] [CrossRef]
  88. Xu, J.; Wang, Q.; Lin, Q. Parallel robot with fuzzy neural network sliding mode control. Adv. Mech. Eng. 2018, 10, 1687814018801261. [Google Scholar] [CrossRef]
  89. Zhang, Y.; Wang, Z.; Li, M.; Gao, P. RP-YOLOX-DL: A deep learning hybrid method for parallel robots target positioning. Meas. Sci. Technol. 2023, 34, 105010. [Google Scholar] [CrossRef]
  90. Yadavari, H.; Aghaei, V.T.; İkizoğlu, S. Deep reinforcement learning-based control of Stewart platform with parametric simulation in ROS and Gazebo. ASME J. Mech. Rob. 2023, 15, 035001. [Google Scholar] [CrossRef]
  91. Sabahi, F. Introducing convex BiLSTM-based controller applied to 3-PSP spatial parallel robot manipulator. Trans. Inst. Meas. Control. 2023, 45, 3126–3137. [Google Scholar] [CrossRef]
  92. Zhang, X.; Diao, S.; Yang, T.; Fang, Y.; Sun, N. LSTM-NN-Enhanced Tracking Control for PAM-Driven Parallel Robot Systems With Guaranteed Performance. IEEE Trans. Circuits Syst. I Reg. Papers 2025, 1–14. [Google Scholar] [CrossRef]
  93. Zhang, D.; Guo, B. Utilizing Reinforcement Learning to Drive Redundant Constrained Cable-Driven Robots with Unknown Parameters. Machines 2024, 12, 372. [Google Scholar] [CrossRef]
  94. Lu, Y.; Wu, C.; Yao, W.; Sun, G.; Liu, J.; Wu, L. Deep reinforcement learning control of fully-constrained cable-driven parallel robots. IEEE Trans. Ind. Electron. 2022, 70, 7194–7204. [Google Scholar] [CrossRef]
  95. Lu, Y.; Yao, W.; Wu, C.; Li, X.; Sun, G. Disturbance observer-based control for cable-driven parallel robots with external disturbance using deep reinforcement learning. Asian J. Control 2024, 26, 2523–2538. [Google Scholar] [CrossRef]
  96. Grimshaw, A.; Oyekan, J. Applying deep reinforcement learning to cable driven parallel robots for balancing unstable loads: A ball case study. Front. Rob. AI 2021, 7, 611203. [Google Scholar] [CrossRef] [PubMed]
  97. Kang, J.M.; Choi, S.H.; Park, J.W.; Park, K.S. Position error prediction using hybrid recurrent neural network algorithm for improvement of pose accuracy of cable-driven parallel robots. Microsyst. Technol. 2020, 26, 209–218. [Google Scholar] [CrossRef]
  98. Sancak, C.; Yamac, F.; Itik, M. Position control of a planar cable-driven parallel robot using reinforcement learning. Robotica 2022, 40, 3378–3395. [Google Scholar] [CrossRef]
  99. Bouaouda, A.; Pannequin, R.; Charpillet, F.; Martinez, D.; Boutayeb, M. Dynamic modeling and AI-based control of a cable-driven parallel robot. IFAC-Pap. 2023, 56, 10021–10026. [Google Scholar] [CrossRef]
  100. Ma, T.; Xiong, H.; Zhang, L.; Diao, X. Control of a cable-driven parallel robot via deep reinforcement learning. In Proceedings of the 2019 IEEE International Conference on Advanced Robotics and Its Social Impacts (ARSO), Beijing, China, 31 October–2 November 2019; pp. 275–280. [Google Scholar] [CrossRef]
  101. Sun, H.; Tang, X.; Wei, J. Vibration suppression for large-scale flexible structures using deep reinforcement learning based on cable-driven parallel robots. In Proceedings of the ASME 2020 International Mechanical Engineering Congress and Exposition, 16–19 November 2020; Volume 84546, p. V07AT07A035. [Google Scholar] [CrossRef]
  102. Raman, A.; Salvi, A.; Schmid, M.; Krovi, V. Reinforcement Learning Control of a Reconfigurable Planar Cable Driven Parallel Manipulator. In Proceedings of the 2023 IEEE International Conference on Robotics and Automation (ICRA), London, UK, 29 May–2 June 2023; pp. 9644–9650. [Google Scholar] [CrossRef]
  103. Xiong, H.; Ma, T.; Zhang, L.; Diao, X. Comparison of end-to-end and hybrid deep reinforcement learning strategies for controlling cable-driven parallel robots. Neurocomputing 2020, 377, 73–84. [Google Scholar] [CrossRef]
  104. Nomanfar, P.; Notash, L. Motion Control of a Cable-Driven Parallel Robot Using Reinforcement Learning Deep Deterministic Policy Gradient Multi-Agent. In Proceedings of the 2024 6th International Conference on Reconfigurable Mechanisms and Robots (ReMAR), Chicago, IL, USA, 23–26 June 2024; pp. 44–49. [Google Scholar] [CrossRef]
  105. Huo, X.; Song, Z.; Sun, T. A machine learning-based approach for automatic motion/constraint and mobility analysis of parallel robots. Robotica 2024, 42, 2403–2429. [Google Scholar] [CrossRef]
  106. Elgammal, A.T.; Magdy, M.; Lashin, M. Learning complex nonlinear dynamics of a 3D translational parallel manipulator using neural network. Heliyon 2024, 10, e37669. [Google Scholar] [CrossRef]
  107. Gao, Z.; Zhang, D.; Ge, Y. Design optimization of a spatial six degree-of-freedom parallel manipulator based on artificial intelligence approaches. Rob. Comput. Integr. Manuf. 2010, 26, 180–189. [Google Scholar] [CrossRef]
  108. Modungwa, D.; Tlale, N.; Twala, B. Application of ensemble learning approach in function approximation for dimensional synthesis of a 6 DOF parallel manipulator. In Proceedings of the 2013 6th Robotics and Mechatronics Conference (RobMech), Durban, South Africa, 30–31 October 2013; pp. 26–33. [Google Scholar] [CrossRef]
  109. Umakarthikeyan, S.; Ranganathan, B.N. Expanding the wrench feasible workspace of quadrotor-based mobile cable-driven parallel manipulators using multi-objective optimization and machine learning. Comput. Electr. Eng. 2024, 117, 109273. [Google Scholar] [CrossRef]
  110. Liu, Y.; Cao, Z.; Xiong, H.; Du, J.; Cao, H.; Zhang, L. Dynamic obstacle avoidance for cable-driven parallel robots with mobile bases via sim-to-real reinforcement learning. IEEE Rob. Autom. Lett. 2023, 8, 1683–1690. [Google Scholar] [CrossRef]
  111. Vu, D.; Alsmadi, A. Trajectory Planning of a CableBased Parallel Robot using Reinforcement Learning and Soft ActorCritic. WSEAS Trans. Appl. Theor. Mech. 2020, 15, 165–172. [Google Scholar] [CrossRef]
  112. Bettega, J.; Piva, G.; Richiedei, D.; Trevisani, A. Load torque estimation for cable failure detection in cable-driven parallel robots: A machine learning approach. Multibody Sys. Dyn. 2024, 2024, 1–29. [Google Scholar] [CrossRef]
Figure 1. The structure of a typical MLP network.
Figure 1. The structure of a typical MLP network.
Machines 13 00565 g001
Figure 2. The schematic diagram of ML applied to the kinematics of parallel robots. (a) Direct IK model construction. (b) Direct FK model construction. (c) Hybrid FK model construction.
Figure 2. The schematic diagram of ML applied to the kinematics of parallel robots. (a) Direct IK model construction. (b) Direct FK model construction. (c) Hybrid FK model construction.
Machines 13 00565 g002
Figure 3. The schematic diagram of ML applied to the kinematics of parallel robots based on the real robot measurement data. (a) Direct IK model construction. (b) Direct FK model construction.
Figure 3. The schematic diagram of ML applied to the kinematics of parallel robots based on the real robot measurement data. (a) Direct IK model construction. (b) Direct FK model construction.
Machines 13 00565 g003
Figure 4. The schematic diagram of ML applied to error compensation. (a) ML models are used as universal approximators to model and compensate for errors. (b) Hybrid error compensation by ML models and kinematic calibration.
Figure 4. The schematic diagram of ML applied to error compensation. (a) ML models are used as universal approximators to model and compensate for errors. (b) Hybrid error compensation by ML models and kinematic calibration.
Machines 13 00565 g004
Figure 5. The schematic diagram of ML applied to control and trajectory tracking. (a) Hybrid control based on ML and basic control algorithms; (b) RL applied for parallel robots.
Figure 5. The schematic diagram of ML applied to control and trajectory tracking. (a) Hybrid control based on ML and basic control algorithms; (b) RL applied for parallel robots.
Machines 13 00565 g005
Table 1. Summary of ML methods for kinematic calculation in parallel robots.
Table 1. Summary of ML methods for kinematic calculation in parallel robots.
Application FocusMethods/Algorithms UsedAchievementsLimitations
IKDT [42], RF [42], SVM [42]Overcome the computational difficulties and approximation problems involved in analytical methods.Inefficient for large-scale data.
MLP [42,43], RBF [43]Faster calculation speed meets the requirements of real-time control.Training requires a large amount of data and computing resources.
IK for CDPRsDNN [56,57]Significant improvement in computational speed compared to numerical methods.Requires large training time and a large dataset for initial training.
FKSVM [47,51]Fast online evaluation and better performance in convergence speed and generalization ability.Model performance depends heavily on parameter selection.
MLP [46,48,50,51,52,53,58]Effectively learning the nonlinear mapping to improve pose accuracy; faster computation than numerical method.Requires a large training dataset and fine-tuning.
GA-MLP [52,54,55]GA optimizes NN parameters and improves accuracy.Accuracy is sensitive to training data distribution and GA optimization increases computation time.
MLP and Newton–Raphson hybrid method [45]Reducing iterations and improving convergence efficiency.Still relies partially on numerical methods and the hybrid strategy introduces a slight increase in memory.
FK of CDPRDL [56,57]Significant improvement in computational speed.A large training dataset is required due to complexity.
DRL [59]Improved position estimation accuracy of CDPR in high-load scenarios.Complex trajectory applications require more training data and high computation GPUs.
GNN [60]Superior generality, high accuracy, and low time cost.Graph-based methods are still emerging and complex, only considers straight cables now.
Table 2. Summary of ML-based methods for error modelling and compensation in parallel robots.
Table 2. Summary of ML-based methods for error modelling and compensation in parallel robots.
Application FocusMethods/Algorithms UsedAchievementsLimitations
Universal approximatorsMLP [64,66]
MLP + RBF [65]
Achieved accurate pose error prediction and online compensation.Limited generalization, sensitive to data quality; training complexity increases with hybrid model.
DL with attention module [68]Captures high-dimensional error features; uncertainty-aware prediction.More complex networks and require large, labeled datasets and computing power.
RNN (LSTM) [38,69]Capturing time-dependent and sequential error patterns, beneficial in dynamic environments.High data demand, computational burden, low interpretability, training instability.
TL [70]Shortens the data acquisition cost while maintaining compensation accuracy.Pre-training may bias model, sim-to-real transfer gaps.
Hybrid modelingKinematic calibration + MLP [71,72,73]Higher modeling accuracy by applying MLP to integrate non-geometric errors into the kinematic calibration model.Calibration effort required, hybrid models harder to tune, require data collecting for both calibration and MLP.
Table 3. Summary of ML-based control strategies for parallel robots and CDPRs.
Table 3. Summary of ML-based control strategies for parallel robots and CDPRs.
Application FocusMethods/Algorithms UsedAchievementsLimitations
Hybrid ML-Augmented ControlDRNN + PID [74]
B-spline NN + PD [75]
ANN + IDC [76]
ANN + P [77]
NNs compensate the nonlinear terms of the system, reduce the tracking error and vibration, and improve trajectory smoothness.The lack of modeling accuracy of the NN model can cause the control performance of the hybrid method to be inferior, needs careful design and model tuning.
Adaptive Neural Network ControllersAdaptive MLP-based controller [78,80]
Adaptive RBF-based controller [79]
Generalized approximation and adaptive law help to realize stable control of position and force without the need for a complete mathematical model of the system.Slow training convergence, strong dependence on training data, poor interpretability.
Adaptive RBF + SMC controller [81,82]
Adaptive MLP + SMC controller [83]
The NNs extend the adaptability of SMC to the system model, enabling adaptive control of system dynamics and external environmental changes.Difficulty in parameter adjustment, more controller design parameters, high design and debugging costs.
FNNAdaptive FNN [84,85,86]Ability to continuously update the fuzzy rules and network parameters according to the input data, adapting to the dynamic changes in the system.High computational complexity, sensitive to parameters such as the shape of the initial affiliation function and the learning rate.
FNN + SMC [87,88]Enhanced suppression ability for system parameter uncertainty and external perturbation of SMC by combining with FNN.More complex in design, including fuzzy rules, NN training, and sliding mold surface design, etc., with high debugging cost.
DLDL [89]Improves accuracy and response speed.High data and resource dependency, overfitting and generalization risk.
LSTM-based [91,92,97]Captures time-varying error dynamics and improves robustness under uncertainty.Training requires sequential labeled data, requires continuous adaptation, high resource use.
DRLDRL [90,93,94]
RL + SMC [95]
RL + PID [96]
DRL with DDPG [98,99,100,101,102,103]
Automatic feature extraction and dynamic environment adaptation capability.High computational resource and time cost, sensitive reward function design and uncertain convergence stability.
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.

Share and Cite

MDPI and ACS Style

Zhang, Z.; Meng, Q.; Cui, Z.; Yao, M.; Shao, Z.; Tao, B. Machine Learning Applications in Parallel Robots: A Brief Review. Machines 2025, 13, 565. https://doi.org/10.3390/machines13070565

AMA Style

Zhang Z, Meng Q, Cui Z, Yao M, Shao Z, Tao B. Machine Learning Applications in Parallel Robots: A Brief Review. Machines. 2025; 13(7):565. https://doi.org/10.3390/machines13070565

Chicago/Turabian Style

Zhang, Zhaokun, Qizhi Meng, Zhiwei Cui, Ming Yao, Zhufeng Shao, and Bo Tao. 2025. "Machine Learning Applications in Parallel Robots: A Brief Review" Machines 13, no. 7: 565. https://doi.org/10.3390/machines13070565

APA Style

Zhang, Z., Meng, Q., Cui, Z., Yao, M., Shao, Z., & Tao, B. (2025). Machine Learning Applications in Parallel Robots: A Brief Review. Machines, 13(7), 565. https://doi.org/10.3390/machines13070565

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop