Next Article in Journal
Validity of a Novel Algorithm to Compute Spatiotemporal Parameters Based on a Single IMU Placed on the Lumbar Region
Previous Article in Journal
UAV-Enabled Maritime IoT D2D Task Offloading: A Potential Game-Accelerated Framework
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

MultivariateSystem Identification of Differential Drive Robot: Comparison Between State-Space and LSTM-Based Models

Universidad UTE, Av. Mariscal Sucre, Quito 170129, Ecuador
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(18), 5821; https://doi.org/10.3390/s25185821
Submission received: 20 August 2025 / Revised: 11 September 2025 / Accepted: 14 September 2025 / Published: 18 September 2025
(This article belongs to the Section Environmental Sensing)

Abstract

Modeling mobile robots is crucial to odometry estimation, control design, and navigation. Classical state-space models (SSMs) have traditionally been used for system identification, while recent advances in deep learning, such as Long Short-Term Memory (LSTM) networks, capture complex nonlinear dependencies. However, few direct comparisons exist between these paradigms. This paper compares two multivariate modeling approaches for a differential drive robot: a classical SSM and an LSTM-based recurrent neural network. Both models predict the robot’s linear (v) and angular ( ω ) velocities using experimental data from a five-minute navigation sequence. Performance is evaluated in terms of prediction accuracy, odometry estimation, and computational efficiency, with ground-truth odometry obtained via a SLAM-based method in ROS2. Each model was tuned for fair comparison: order selection for the SSM and hyperparameter search for the LSTM. Results show that the best SSM is a second-order model, while the LSTM used seven layers, 30 neurons, and 20-sample sliding windows. The LSTM achieved a FIT of 93.10% for v and 90.95% for ω , with an odometry RMSE of 1.09 m and 0.23 rad, whereas the SSM outperformed it with FIT values of 94.70% and 91.71% and lower RMSE (0.85 m, 0.17 rad). The SSM was also more resource-efficient (0.00257 ms and 1.03 bytes per step) compared to the LSTM (0.0342 ms and 20.49 bytes). The results suggest that SSMs remain a strong option for accurate odometry with low computational demand while encouraging the exploration of hybrid models to improve robustness in complex environments. At the same time, LSTM models demonstrated flexibility through hyperparameter tuning, highlighting their potential for further accuracy improvements with refined configurations.

1. Introduction

The modeling of mobile robots is a crucial activity in robotics, as it facilitates the prediction of motion, design, and planning for control and navigation. Among the different types of mobile robots, differential drive robots are the most common configuration because they are easy to design and move around. Despite this, the accurate modeling of their dynamics is a challenge, as it involves expressing the non-linear relationship between control inputs and the robot’s motion [1,2].
In MIMO (Multiple Input, Multiple Output) systems, the interaction between different state variables must be properly accounted for. In the case of a differential drive robot, the linear velocity (v) and the angular velocity (w) are usually coupled, making it essential to use multivariate modeling approaches for system identification. Traditional system identification methods, such as state-space models (SSM), provide a structured representation of the dynamics of MIMO systems, explicitly modeling the interaction between multiple control inputs and state variables based on physical considerations and experimental evidence [3]. These models have been effective in estimating dynamic parameters and designing controllers for mobile robots [4].
Modern developments in machine learning methods have brought novel data-driven solutions, like deep learning models, capable of learning intricate system dynamics from large sets of data in an end-to-end manner [5]. Contrary to traditional identification techniques, deep learning models can learn multivariate output–input relationships directly from data. Recurrent neural networks (RNNs), particularly Long Short-Term Memory (LSTM) networks, have shown promising results in modeling dynamical systems [6]. These models can capture temporal dependencies in the data, making them ideal for learning the dynamic response of robotic systems [7]. Unlike traditional parametric models, neural networks do not require explicit system equations as the majority are end-to-end approaches [5], making them an attractive alternative for system identification, especially in scenarios with unmodeled dynamics or complex disturbances [8].
Deep learning approaches to robot modeling have been examined in several research papers. An example is the exploration of the use of deep-recurrent models in autonomous robot navigation to improve the accuracy of odometry and trajectory tracking [9]. Hybrid approaches toward the fusion of data-driven learning and physics-based models have also been reported to be effective in terms of improved robustness and generalization in robotic tasks [9]. However, these methods often have many problems, such as high demand for training data, overfitting, lack of explainability, and the requirement of extensive computational resources, which may limit their applicability in real-time control. Despite these limitations, authors such as Carreón et al. (2021) proposed a neural network-based algorithm to extract dynamic parameters from robots, demonstrating the effectiveness of data-driven models even with incomplete motion data, highlighting their potential for real-world robotic applications [10].
Despite the promise of classical state-space models and deep learning methods, few studies have directly compared these two paradigms under the same conditions, especially in the context of multivariate identification of differential drive robots. The novelty of this work lies in addressing that gap. First, we provide a systematic, side-by-side evaluation of SSMs and LSTM for identifying both linear and angular velocities ( v , ω ) in a multivariate framework, using experimental data from a differential drive robot. Second, we explore how different SSM model orders and hyperparameter configurations of LSTM (e.g., window size, number of neurons, activation functions, optimizers) affect modeling accuracy, highlighting current trade-offs. Third, we assess not only prediction accuracy, but also computational efficiency, an aspect crucial for real-time robotic applications, thereby offering insights into the practicality of deploying each method. Finally, our study bridges traditional and modern approaches, providing guidance on when classical models may remain preferable and when LSTM architectures are more advantageous, thereby providing value for researchers and practitioners in robotic system identification.
The outline of this paper is organized as follows. Section 2 presents a state-of-the-art review of current methods applied to the modeling and system identification of mobile robot systems. Section 3 is dedicated to the methodology. This section explains the mobile robotic platform used in this study, the data collection details, and the identification process followed using the SSM and LSTM approaches. Section 4 addresses the comparison of both approaches and the accuracy achieved in each. Section 5 discusses the results of this study by comparing them with other current approaches. Finally, Section 6 concludes this study and outlines future work.

2. Review of the State-of-the-Art

The modeling and identification of mobile robots, specifically differential drive robots, have been extensively researched on the basis of their importance in control and navigation. Classical models like SSM have been extensively employed based on their efficacy in determining structured and interpretable dynamic system representations. SSM models the relation of control input to the subsequent motion of the robot and is thus beneficial in the estimation of velocity, the estimation of odometry, and the design of the controller. Khalil and Dombre (2002), for example, showcased how SSM successfully models robot dynamics to enhance velocity estimation and trajectory tracking, an area of significant use in mobile robotics [11].
Deep learning methods, specifically LSTM networks, have in recent years attracted attention in system identification tasks [6]. The time dependencies in the LSTM models make them suitable for the estimation of the velocity and the prediction of the motion of robots over time. Kiwon et al. (2020) evaluated a DNN-MPC system in mobile robot navigation, in which it decreased the maximum positioning error in the x direction to 123 mm and in the y direction to 32 mm, compared to conventional MPC with errors of 156 mm and 41 mm, respectively [12]. These results highlight the potential of deep learning to improve trajectory tracking accuracy.
Recent work has also shown progress in the application of LSTM in engineering and mobile robotics. For example, Li et al. (2025) developed a 6-DoF nonlinear model for an underactuated underwater vehicle that combines conventional EKF parameter estimation with an LSTM network for time-series prediction of linear and angular velocities, complemented by a nonlinear complementary filter (NECF) to prevent drift in dead-reckoning [13]. Zhang et al. (2025) proposed an adaptive-enhanced time series clustering method (TSCM) within computational mechanics, using advanced clustering to improve reliability analysis and design optimization under time-varying uncertainties [14]. Alcayaga et al. (2025) integrated LSTM into a deep reinforcement learning control policy for skid steer mobile robots navigating challenging, variable-traction terrains, enabling robust trajectory tracking even under partial observability [15]. Additionally, Reginald (2025) introduced a data-driven wheel-slip compensation framework using Gaussian Process Regression with LSTM layers to improve visual-inertial-wheel odometry accuracy under dynamic terrain conditions [16]. This contribution demonstrates the applicability of LSTM-based approaches in engineering contexts, particularly for improving the robustness of navigation systems in ground vehicles operating on irregular or low-traction surfaces.
Although LSTM-based models are beneficial, they are sensitive to the size of the data set, hyperparameters, and noise in real-world environments [5]. Zheng et al. (2022) adapted an LSTM-based system using 1000 sets of samples and reached near-zero test error under controlled conditions [17]. However, real-world applications are typically characterized by larger error levels due to unmodeled behavior and sequential error compounding. Zheng et al. (2022) studied the impacts of communication delay and packet loss on trajectory tracking and found that a 10% packet loss had a significant impact on system performance [17]. Because LSTM models are based so much on sequential data, the networks are potentially susceptible to compounding errors in long sequences.
Another distinction of LSTM-based odometry models is their structure. Farina et al. (2023) developed an LSTM-based odometry model in which two separate neural networks were learned to estimate the linear and angular velocities independently [18]. The model had an accuracy of 86.57% and an RMSE of 0.102 m/s for linear velocity (v) and 0.179 rad/s for angular velocity ( ω ), compared to traditional odometry, where the accuracy was 80.2% and the RMSE is higher (0.123 m / s for v and 0.200 rad/s for ω ). Even with this model showing improvements over the traditional methods, it did not investigate the benefits of a multivariable framework where the two velocities are estimated simultaneously.
The study of deep learning in the identification of drive robots is still evolving, and the choice between traditional and learning-based methods depends on the application requirements. Previous research has reported that deep learning-based controllers typically have stabilization times around 2.3 s, with maximum angular errors below 6 degrees [12]. These insights suggest that, while LSTM models offer flexibility in capturing nonlinear behaviors, traditional approaches like SSM could remain valuable for structured robotic tasks.
Comparison of multivariate system identification techniques presents a promising direction for improving velocity estimation and odometry. Unlike architectures that estimate v and ω separately, a multivariate approach allows capturing the interdependencies between linear and angular motion, potentially leading to more accurate and stable robotic control systems. This paper explores the comparison between classical system identification models based in state-space (SSM) and a modern approach based on LSTM neural networks, evaluating their effectiveness in improving system performance, particularly in the precise estimation of velocities and odometry data.

3. Methodology

The MIMO approaches are suitable for modeling differential drive robots when it is observed that the dynamics of v and ω are not completely independent, i.e., that changing v also affects ω and vice versa. This can happen in several situations in a differential drive robot, for example, if the distance between wheels is not perfectly uniform or there is a small error in the implementation of the motor control, a coupling between the two movements may occur. In addition, effects such as inertia or delays in motors make it possible that a change in v or ω is not immediately reflected in the expected output, and there is a dynamic interaction between both. The following sections explain the multivariate modeling approaches addressed in this paper, as well as the robotic platform and the experimental data collection for the identification procedure.

3.1. Mobile Robotic Platform

This paper analyzes a differential drive robot with 4 wheels driven by 4 encoder-powered motors. The electronics include ROBOCLAW controllers, a LIDAR sensor, an IMU, and an STM32 MCU (STM32-F412ZG) programmed with HAL and C++ libraries. The robot also has an onboard CPU with the Linux Ubuntu 20.04 operating system and the ROS2 framework, specifically the ROS2-Foxy version, which is responsible for sending commands and receiving relevant data. The Navigation (NAV2) and SLAM (Slam Toolbox) packages from ROS2 are also loaded into the system. These packages allow for retrieving an accurate real odometry calculation. The drivers have a built-in velocity controller that can be tuned through a user interface named Basicmicro Motion Studio. The drives communicate with the microcontroller through a 38,400 baud USART serial connection. The microcontroller communicates with the onboard CPU through a serial port using a USB cable. The information about the actual velocity of the robot comes from the robot’s own electronics, which includes the encoders and the IMU sensor. The entire system has a sampling time of 0.0202 s, which is approximately 50 Hz. Additional components of the mobile robotic platform can be found in Figure 1.

3.2. Experimental Data Collection

To train the SSM model and the LSTM model, a five-minute experiment was performed in which the robot was freely driven over a rough concrete surface with high friction and irregular texture, chosen to minimize wheel slippage during motion. The experimental environment, including the robot operating on this terrain, can be observed in Figure 1. A total of 16,292 samples were collected in a csv file. The data contains the time stamp, the linear velocity input command ( v r e f ), the angular velocity input command ( ω r e f ), the actual linear velocity of the robot (v), and its actual angular velocity ( ω ). In order to compare the modeling approaches discussed in this paper, 2 additional experiments with free trajectories with an approximate navigation duration of about 30 s were performed. During this time, in addition to collecting the linear and angular velocity information of the robot, the ROS2 SLAM package was also used to collect information on the odometry of the robot. This included the positions x and y, and the yaw angle ( θ ) of the robot’s orientation. All experiments were performed with velocity input commands ( v r e f , ω r e f ) ranging from 1.5 m/s and 2.0 rad/s respectively. The data collected was merged into data objects and processed using Matlab R2023b®.

3.3. Evaluation Metrics

The performance of both models was quantitatively assessed using the Goodness of Fit (FIT) and the Root Mean Squared Error (RMSE). FIT and RMSE were calculated for both the linear velocity (v) and the angular velocity ( ω ), as well as the odometry trajectories. The metrics are defined as follows:
RMSE = 1 M i = 1 M y ( i ) y ^ ( i ) 2
FIT   ( % ) = 100 · 1 y y ^ y y ¯
where y ( i ) is the measured output, y ^ ( i ) is the model output and M is the number of samples. For trajectory evaluation, the RMSE was calculated using the Euclidean distance between the simulated and measured positions.

3.4. State-Space Model (SSM)

A MIMO modeling based on state-space can describe the system in terms of its internal states. It uses state matrices to describe the dynamics of the system. The general state-space equation used to represent the system dynamics is the following Equations (3) and (4):
x ˙ = A x + B u
y = C x + D u
where x is the state vector, u is the input vector ( v r e f , ω r e f ), y is the output vector (v, ω ), A is the system dynamics matrix, B is the input matrix relating the input to the states, C is the output matrix relating the states to the outputs, and D is the direct transmission matrix.
Equations (3) and (4) are derived from the general dynamic modeling of a differential drive robot. In this formulation, the state vector x represents the internal variables that describe the motion of the robot, while the input vector u = ( v ref , ω ref ) contains the commanded linear and angular velocities. The output vector y = ( v , ω ) corresponds to the measured velocities obtained from the robot during the experiments. The matrices A, B, C, and D are identified experimentally: A captures the intrinsic dynamics of the robot, B links the control inputs to the state evolution, C maps the internal states to the measurable outputs, and D accounts for any direct transmission between inputs and outputs. This formulation follows the standard multivariable system identification framework, but is here adapted to describe the coupled dynamics of linear and angular velocities in differential robots.
The order of a state-space model represents the number of internal states that describe the dynamics of the system. In our case, since two internal variables will be modeled (v, ω ), the minimum number of states should be 2. However, higher-order models can improve the fit in some cases. The addition of state variables can be useful to represent dynamics that cannot be adequately captured with only two states, such as the acceleration of v or ω , or additional dynamics related to the motors or control. For this reason, during the identification of the robot’s dynamics, different orders were tested in the state-space equation. Each order obeys different motivations, which are detailed below:
  • Order 2. This is the minimum reasonable order for this modeling approach, which can capture the relationships between the input velocity ( v r e f , ω r e f ) and the actual velocities (v, ω ). It can also include some effect of inertia and delay in response.
  • Order 3. This is a more detailed model that may capture accelerations and decelerations of the robot. It could be useful if the robot has a slower dynamic or if there are mechanical delays in its response.
  • Order 4. This can capture additional effects such as friction, sliding, or external disturbances, but could be more accurate. However, the model becomes more complex and less interpretable.
  • Order 5. This is a highly detailed model that could capture more complex nonlinear dynamics. This is rarely used unless the robot has complicated dynamics, as it can over-fit the data.
Table 1 summarizes the results of this experimentation. The analysis includes a comparison of Goodness of Fit (FIT) and Root Mean Squared Error (RMSE) between orders. The FIT score measures how well the predicted output matches the actual response of the system, expressed as a percentage. A higher FIT value indicates a better agreement between the model and the actual response. RMSE, on the other hand, quantifies the average deviation between predicted and actual response, where lower RMSE values indicate higher predictive accuracy. These metrics allow for quantitative comparison of different order configurations in the SSM approach. When analyzing Table 1 the comparison between order 2 and order 4 reveals a difference in FIT for v and ω lower than 0.5%, being better for the higher order. However, increasing the order of the system should justify a significant improvement in FIT, which is not experienced here. On the other hand, order 5 exhibits a worse FIT at ω , where the FIT drops to 85.23%, which suggests either overfitting or that the model captures noise rather than the true dynamics of the robot. Although higher orders, such as 3 and 4, demonstrated slight improvements in FIT, these improvements were minimal. Since a simpler model is preferable for interpretability and robustness, this order was chosen for the final analysis in the SSM approach.
From this second-order state-space, the following matrices were obtained:
A = 7.381 0.3359 1.104 13.31
B = 0.6526 0.03428 0.04713 0.9911
C = 11.37 0.1933 0.5125 14.40
D = 0 0 0 0
The identified state-space model describes the dynamic relationship between the reference velocities ( v r e f , ω r e f ) and the actual velocities (v, ω ) of the robot. The negative diagonal entries in matrix A ( 7.381 , 13.31 ) represent dissipative effects, mainly associated with motor damping and mechanical friction, which dominate how quickly the velocities decay in the absence of input. The off-diagonal terms ( 0.3359 , 1.104 ) reveal the cross-coupling between linear and angular motion, showing how a command in one channel influences the dynamics of the other. The matrix B indicates how the inputs excite the system. The large diagonal elements of B ( 0.6526 , 0.9911 ) reflect the direct effect of v r e f on v and of ω r e f on ω , while the smaller off-diagonal coefficients of B ( 0.03428 , 0.04713 ) capture secondary effects such as asymmetries in actuation or interactions between wheel dynamics. The matrix C provides the mapping from the internal states to the measured outputs, scaling the latent dynamics to the observable velocities. Finally, the zero matrix D confirms that there is no direct feed-through from inputs to outputs, which is consistent with the fact that robot dynamics are dominated by inertial and frictional effects rather than instantaneous responses.
For a more direct interpretation of the system response, the state-space model can be expressed in the Laplace domain ( s ) and transformed into the transfer function form according to the following:
G ( s ) = C ( s I A ) 1 B + D
where I is an identity matrix ( 2 × 2 ). The resulting transfer functions are as follows:
v ( s ) v ref ( s ) = 7.428 s + 98.86 s 2 + 20.69 s + 98.62
v ( s ) ω ref ( s ) = 1.013 s + 0.9052 s 2 + 20.69 s + 98.62
ω ( s ) v ref ( s ) = 0.1981 s 0.01966 s 2 + 20.69 s + 98.62
ω ( s ) ω ref ( s ) = 14.26 s + 105.9 s 2 + 20.69 s + 98.62
The fact that all transfer functions have the same second-order denominator ( s 2 + 20.69 s + 98.62 ) suggests that the system has a common dynamics that affects both outputs ( v ( s ) , ω ( s ) ), regardless of whether the reference inputs are (which is typical in differential robots). This denominator represents the dynamics of a second-order system, which is modeling the dynamic response of the robot.
The step responses of the MIMO system shown in Figure 2 describe the dynamic relationships between the reference inputs v ref ( s ) and ω ref ( s ) and the output velocities v ( s ) and ω ( s ) . The first subfigure shows that v ( s ) is mainly influenced by v ref ( s ) , with a second-order dynamic response and a positive relationship, where changes in v ref ( s ) lead to significant changes in v ( s ) . The second subfigure indicates the presence of an influence of v ref ( s ) on ω ( s ) , with an inverse relationship. The third subfigure shows that ω ref ( s ) has a minor effect on v ( s ) , with a smaller magnitude response. Finally, the fourth subfigure reveals that ω ref ( s ) has a strong positive influence on ω ( s ) , suggesting that changes in ω ref ( s ) lead to proportional changes in ω ( s ) . In general, the system demonstrates cross-coupling dynamics, where v ref ( s ) affects primarily v ( s ) , and ω ref ( s ) affects primarily ω ( s ) , while there is also an influence of v ref ( s ) on ω ( s ) .

3.5. Recurrent Neural Network Model (LSTM)

In this modeling approach, an LSTM neural network was used to model the dynamic response of the differential drive robot. The data set used to train the LSTM network was the same as that used for the SSM approach explained in the previous subsection. The input data consists of reference commands, denoted as v ref and ω ref , together with the corresponding real responses v and ω as labels.
To capture temporal dependencies, a sliding-window approach was implemented. We defined a window size W S and constructed input–output pairs ( X seq , Y seq ) as follows:
X seq ( j ) = { ( v ref ( j ) , ω ref ( j ) ) , , ( v ref ( j + W S 1 ) , ω ref ( j + W S 1 ) ) }
Y seq ( j ) = ( v ( j + W S ) , ω ( j + W S ) )
where X seq ( j ) represents the past W S samples of v ref and ω ref , while Y seq ( j ) is the next step prediction target ( v , ω ) . This formulation enables the network to learn the mapping between past reference velocities and future actual velocities. The data set was divided into training sets (75%), validation sets (15%), and testing sets (10%). The training sequences were used to optimize the LSTM-based architecture designed to predict future velocity states.
The general architecture of the LSTM consists of a sequence input layer with two features ( v ref , ω ref ), followed by one or more LSTM layers with N neurons to capture temporal dependencies. A dropout layer with a rate of 0.2 is included to reduce overfitting, then a fully connected layer with 32 neurons and a non-linear activation function, and finally a fully connected output layer with two neurons generates the predicted values ( v , ω ) . The loss function is computed through a regression layer. The networks were trained using the Adam optimizer with L2 regularization ( λ = 0.001 ), mini-batch updates, validation checks, and early stopping based on a patience parameter.
To evaluate the impact of different hyperparameters on performance, several configurations were tested by varying the number of neurons (N), window size ( W S ), batch size ( B S ), validation frequency ( V F ), and validation patience ( V P ), as well as considering different architectures ( A R C H ), activation functions ( A C T ), and optimizers ( O P T ). Beyond the baseline configuration (single LSTM layer with tanh activation and Adam optimizer), three extended variants were explored: (i) a stacked LSTM with two recurrent layers to assess whether additional depth improves temporal modeling; (ii) a dense layer with ReLU activation instead of tanh to assess the effect of nonlinearities; and (iii) the RMSProp optimizer in place of Adam to compare different update rules during training. Table 2 summarizes all the configurations evaluated and their performance metrics in both the validation and the test data sets.
Figure 3 shows the comparative training curves of RMSE and LOSS for the different configurations listed in Table 2. The RMSE curves illustrate how each model adapts to the training data, and the best-performing configurations show lower error values and more stable convergence. The LOSS curves highlight the influence of window size and neuron count on model generalization: shorter windows enabled faster initial convergence but occasionally led to overfitting, while larger windows improved stability at the cost of longer training times. In addition, some configurations (e.g., ID 4, ID 6, and ID 9) displayed noisier convergence and small oscillations, which can be related to the sensitivity of larger models, alternative optimizers, or different activation functions. Such behavior is consistent with known challenges in training recurrent networks, including vanishing or unstable gradients when modeling long temporal dependencies. To mitigate these effects, several stabilization strategies can be considered, such as gradient clipping to control exploding gradients, layer normalization to improve training consistency, and adaptive learning rate schedules to reduce oscillations during optimization. These approaches could improve the robustness of LSTM training.
Based on the results in Table 2 and Figure 3, it is important to highlight the behavior of the tested configurations. The larger window and higher neuron settings (e.g., ID 4 with W S = 100 , N = 100 ) did not provide superior performance, indicating that excessively long temporal dependencies and larger networks may increase computational cost without improving accuracy. However, smaller windows with more neurons (ID 6) achieved competitive results, suggesting that fine-grained temporal patterns can still be captured effectively. The stacked LSTM configuration (ID 7) also showed good performance but did not surpass the simpler single-layer architecture, demonstrating that additional depth does not always guarantee better results for this application. Finally, variants with a different activation function (ReLU, ID 8) and an alternative optimizer (RMSProp, ID 9) demonstrated stable but slightly lower accuracy compared to the tanh/Adam baseline, confirming that the standard combination remains more suitable for this modeling task. Taking these observations into account, configuration ID 2 ( W S = 20 , N = 30 , B S = 16 , V F = 20 , V P = 20 ) was selected as the final model due to its superior performance in both validation and test metrics, as well as the best balance between training speed, accuracy, and generalization.
The final LSTM model selected is illustrated in Figure 4. With the chosen configuration, in which the window size (WS) was set to 20 samples, the total number of sequences in the data set was 16,272 (20 samples fewer than in the SSM model), comprising 12,204 for training, 2441 for validation, and 1627 for testing. This configuration provided an effective balance between complexity and performance, ensuring accurate velocity predictions while maintaining computational efficiency.

3.6. Odometry Calculation from Predictions of SSM and LSTM Models

Robot odometry is reconstructed from predicted velocities (v, ω ) using two complementary kinematic formulations. For linear motion or small angular velocities, the displacement during a sampling interval Δ t can be approximated by the following:
Δ x t Δ y t Δ θ t = v · cos θ · Δ t v · sin θ · Δ t ω · Δ t
Although this approximation is suitable for straight trajectories, its accuracy decreases in curved motion. To better account for turning maneuvers, the robot’s trajectory is modeled using the concept of the Instantaneous Center of Curvature (ICC), detailed in Figure 5, where the turning radius R defines the circular path. In this case, the displacement during Δ t is expressed as follows:
Δ x t Δ y t Δ θ t = R · sin ( θ + ω · Δ t ) sin ( θ ) R · cos ( θ + ω · Δ t ) cos ( θ ) ω · Δ t
with the turning radius defined as follows:
R = v ω
Finally, the global pose of the robot can be updated by accumulating the increments:
x t + Δ t y t + Δ t θ t + Δ t = x t y t θ t + Δ x t Δ y t Δ θ t
where ( x t , y t , θ t ) denotes the current pose of the robot. This formulation, which combines updates to linear and circular motions, is standard for differential drive robots and has also been presented in our previous work [19].

4. Results

The results obtained from the comparison of the SSM and LSTM models are summarized in Table 3 and Table 4. These tables show the results for Experiments 1 and 2, and the corresponding average. The comparison focuses on two aspects: (1) the accuracy in estimating the robot’s linear (v) and angular velocity ( ω ); (2) the odometry estimation based on the predicted velocities.
Specifically, Table 3 shows the FIT and RMSE values when predicting the velocity of each model. The FIT metric explains how well the models fit the actual linear (v) and angular ( ω ) velocities of the robot during the experiments. The RMSE represents the error metric of the difference between the models and the actual measurement. As can be analyzed in Table 3, the SSM model reaches the better FIT, with an average value of 94.70% and 91.71% for v and ω , respectively. The average RMSE metric for v is similar in both models, with a slightly higher value for the LSTM model in Experiment 1. When analyzing the RMSE value for ω , a slightly better performance of the SSM model is observed, with 0.05 rad/s for SSM versus 0.06 rad/s for LSTM.
Table 4 presents the results of the odometry estimation errors. In Experiment 1, the SSM model achieves lower RMSE values in both position (0.92 m vs. 1.26 m) and angle (0.17 rad vs. 0.27 rad) compared to the LSTM. Similarly, in Experiment 2, the SSM remains more accurate, although the performance gap narrows.
A key observation is that, despite the superior velocity estimation performance of the SSM model, its impact on odometry varies between experiments. In Experiment 1, SSM leads to significantly better odometry accuracy, while in Experiment 2, the differences are less pronounced. This suggests that the characteristics of the trajectory and the accumulated errors influence the overall precision of the odometry.
Figure 6 and Figure 7 present a comparison of the odometry trajectories estimated by both models for Experiments 1 and 2, respectively. The SSM model consistently provides a trajectory closer to the actual path, particularly in Experiment 1, where deviations in the LSTM model lead to higher cumulative errors. This aligns with the RMSE values in Table 4, confirming that the SSM model yields a more accurate representation of the robot odometry in both position and angle.
In Experiment 1, the LSTM trajectory exhibits a noticeably higher position divergence from the ground truth, especially in sections with sharp turns. This suggests that while the LSTM model could capture non-linearities, it may struggle with sharp transitions. In contrast, Experiment 2 shows a more comparable position performance between both models, reinforcing the idea that trajectory complexity affects model accuracy differently between experiments.
Angle estimation in the SSM model also provides a slightly more accurate result, particularly in Experiment 1. Furthermore, in terms of velocity prediction, the SSM model provides a smoother and more stable response, in linear and angular velocities, better matching the real values.
In addition to prediction accuracy and odometry estimation, the computational performance of both models was assessed by running 100 simulations for each. Table 5 presents the average simulation time, time per integration step, and memory usage for the SSM and LSTM models. The values in Table 5 were obtained by running 100 simulation runs, each consisting of 1577 time steps. The reported simulation time corresponds to the total time required to simulate the entire sequence, while the average time per step was calculated by dividing the total simulation time by the number of steps (1577). Memory usage values represent the amount of memory consumed to simulate the entire sequence. Additionally, for a more granular comparison, the memory usage per step was calculated by dividing the total memory usage by the number of steps. The results clearly show that the SSM model requires significantly fewer computational resources across all metrics. On average, SSM requires 0.00257 ms and 1.03 bytes per simulation step, whereas the LSTM model demands approximately 0.0342 ms and 20.49 bytes per step. These differences highlight the lightweight nature of the classical SSM approach compared to the more computationally intensive LSTM network.

5. Discussion

The comparison between the SSM and LSTM models in this study reveals interesting insights into velocity estimation and odometry accuracy. The results indicate that the SSM consistently provides better accuracy in both velocity estimation and trajectory tracking. These results can be further placed in context by comparing them with recent research on mobile robot modeling and control. Some of those papers considered similar modeling paradigms, specifically employing state-space models and those based on deep learning methods to achieve trajectory tracking and velocity estimation. In one work comparing model predictive control (MPC) versus deep neural network-based MPC (DNN-MPC), DNN-MPC had lower position estimation errors, with an error of 123 mm in the x-direction and 32 mm in the y-direction, compared to 156 mm and 41 mm in traditional MPC [20]. Our work does not compare to this study in a direct sense, but the study implies that accuracy in trajectory tracking can be improved through the use of models based on deep learning, which aligns with the moderate performance of LSTM in our odometry estimation.
Furthermore, the LSTM model in our work had slightly higher RMSE values compared to SSM, specifically in the estimation of the angular velocity (0.06 rad/s for LSTM vs. 0.05 rad/s for SSM). The results of LSTM are in agreement with another work in which an LSTM-based model, with 1000 data groups, had a nearly zero final test error [17]. However, it should be noted that our LSTM model did not achieve the same degree of accuracy as [17], possibly due to differences in the size of the data set, hyperparameter optimization, or noise in robot movement in the real world during our experiments.
Furthermore, our results align with those presented in the study by Farina et al. [18], where the LSTM-based odometry model achieved an accuracy of 86.57%, with RMSE values of 0.102 m/s for linear velocity (v) and 0.179 rad/s for angular velocity ( ω ). In their study, the traditional odometry method showed a lower global accuracy of 80.2%, with RMSE values of 0.123 m/s for v and 0.200 rad/s for ω . However, our experiments demonstrate that the SSM outperformed the LSTM model in both velocity estimation and odometry. Particularly, in Experiment 1, the SSM model had a FIT of 94.31% for v and 92.49% for ω , with an RMSE of 0.01 m/s for v and 0.05 rad/s for ω , outperforming the LSTM model, where FIT values are 92.53% for v and 91.75% for ω , and an RMSE slightly greater, at 0.02 m/s for v and 0.06 rad/s for ω . What differentiates our study from that of Farina et al. [18] is the structure of the model. Whereas Farina et al. employed two distinct LSTM networks in parallel to independently estimate the linear and angular velocities of the sensors, our strategy benefits from a multivariate model in which both LSTM and SSM models learn the coupling of v and ω . This multivariate framework enables our models to learn the coupling dynamics of both velocities in a single model, thereby having a more holistic and integrated description of the system’s behavior. In addition, stabilization times in previous studies for deep learning-based controllers were reported to be around 2.3 s, with maximum angular errors below 6 degrees [12]. Although our experiments did not explicitly evaluate the stabilization time, the smoother response of the SSM model for v and ω suggests that it may provide better stability in real-time applications.
It is also worth mentioning that discrepancies between the estimated and actual trajectories were observed in our study. Such deviations may appear in both the SSM and the LSTM predictions, as small errors can accumulate over time and influence the resulting trajectories. One reason for this discrepancy may be the slippage of the wheel. Recent literature further supports the importance of explicitly accounting for wheel slip and surface-dependent dynamics in off-road mobile robot odometry. In particular, Teji et al. [21] provide a survey of slippage estimation, robot sensing, and control technologies for off-road robots, emphasizing that many state-of-the-art systems still rely on assumptions of negligible slippage despite challenging terrain conditions. Nourizadeh et al. [22,23] proposed in situ methods to estimate slip and skid using proprioceptive sensors, demonstrating how terrain conditions can introduce systematic errors if not adequately accounted for. Similarly, Botta et al. [24] present an estimator of the robot kinematic behavior that explicitly compensates for lateral wheel slip in trajectory planning for mobile robots, showing that slip compensation via kinematic adjustment can significantly reduce trajectory errors. These studies suggest that future extensions of our work should incorporate slip estimation or sliding-velocity modeling, in addition to kinematic constraints, to further improve the robustness of trajectory tracking under realistic conditions.
Finally, the computational cost comparison demonstrates a fundamental trade-off with higher performance of the SSM, outperforming the LSTM in terms of simulation speed and memory consumption. This implies that SSM models might be a better choice in real-time applications or when implemented on low-resource platforms. However, although the SSM model proved to be more efficient in terms of computational performance and accuracy, an advantage observed in the LSTM approach is its flexibility to improve accuracy through hyperparameter tuning. By testing different configurations (e.g., window size, number of neurons, activation functions, and optimizers shown in ), the LSTM model demonstrated variable performance, which in some cases approached that of the SSM. This adaptability indicates that LSTM networks can be adjusted to better capture the dynamics of the system, whereas SSM models are more constrained by their fixed order structure. Therefore, it cannot be ruled out that with more precise tuning, the learning performance of LSTMs could outperform the SSM and become useful in more dynamic or unstructured environments. This characteristic is relevant in engineering practice, as it indicates that neural networks can be adapted to different robotic platforms or operating conditions without requiring a complete reformulation of the mathematical model, as is the case with SSM.
These results encourage further research into hybrid approaches that leverage the strengths of either platform and combine the efficiency of physics-based methods with the flexibility of data-driven approaches.

6. Conclusions and Future Work

This study compared the performance of two modeling approaches based on the identification of experimental models. A classical SSM modeling approach was compared with a more contemporary one based on an LSTM network. A second-order model was chosen for the SSM, while a 7-layer architecture was chosen for the LSTM network. The results showed the better performance of the SSM model for linear and angular velocity prediction (FIT of 94.70% for v and 91.71% for ω ) and for the estimation of odometry (RMSE of 0.85 m and 0.17 rad). The analysis of computational efficiency reveals that the SSM model is significantly more resource efficient, requiring 0.00257 ms and 1.03 bytes per simulation step, while the LSTM model requires approximately 0.0342 ms and 20.49 bytes per step. Although state-space modeling provided a structured and computationally efficient approach to system identification, the LSTM approach demonstrated adaptability through hyperparameter tuning, which allowed performance to approach that of the SSM in some configurations. This flexibility suggests that with more precise tuning and in dynamic or unstructured environments, LSTM models could outperform SSM and become a valuable tool in the identification of robotic systems. The results suggest that for applications that require high accuracy odometry estimation with low computational resources, SSM-based methods remain the most viable choice, whereas LSTM networks represent a promising alternative for future research.
Future research will focus on integrating these models into control frameworks, where robustness can be evaluated under external perturbations such as moving obstacles, varying surface conditions, and wheel slip. In this context, explicit slip estimation or sliding-velocity modeling, in combination with kinematic constraints, may provide a valuable means to improve trajectory tracking under realistic operating conditions. Furthermore, hybrid strategies that combine state-space modeling with neural networks will be explored as a potential pathway to enhance both accuracy and generalization in the identification of robotic systems. In general, this study contributes to the growing body of research on multivariate modeling for mobile robots, reinforcing the complementary roles of classical and modern approaches in the identification of robotic systems and the precision of navigation.

Author Contributions

Conceptualization, D.G., W.P.; Formal analysis, D.G., W.P.; Methodology, D.G., W.P.; Writing—original draft, D.G., W.P. All authors have read and agreed to the published version of the manuscript.

Funding

The research leading to these results received funding from Universidad UTE, Quito, Ecuador.

Informed Consent Statement

Not applicable.

Data Availability Statement

Dataset available on request from the authors.

Acknowledgments

The authors would like to express their gratitude to Universidad UTE and the PID2023-150967OB-I00 project, Multirobot System for Gait Analysis (ROBOMESH), Convocatoria 2023—“Proyectos de Generación de Conocimiento”, of the Government of Spain.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Siwek, M.; Panasiuk, J.; Baranowski, L.; Kaczmarek, W.; Prusaczyk, P.; Borys, S.; Kowalczuk, A.; Kaczmarek, P.; Mazur, P.; Siwek, M.; et al. Identification of Differential Drive Robot Dynamic Model Parameters. Materials 2023, 16, 683. [Google Scholar] [CrossRef] [PubMed]
  2. Kok, M.; Hol, J.D.; Schön, T.B. Using Inertial Sensors for Position and Orientation Estimation. Found. Trends Signal Process. 2017, 11, 1–153. [Google Scholar] [CrossRef]
  3. Tran, A.M.D.; Vu, T.V.; Nguyen, Q.D. A Study on General State Model of Differential Drive Wheeled Mobile Robots. J. Adv. Eng. Comput. 2023, 7, 174–186. [Google Scholar] [CrossRef]
  4. Juarez-Lora, A.; Rodriguez-Angeles, A. Bio-Inspired Autonomous Navigation and Formation Controller for Differential Mobile Robots. Entropy 2023, 25, 582. [Google Scholar] [CrossRef]
  5. Xiao, X.; Liu, B.; Warnell, G.; Stone, P. Motion planning and control for mobile robot navigation using machine learning: A survey. Auton. Robot. 2022, 46, 569–597. [Google Scholar] [CrossRef]
  6. Zarzycki, K.; Ławryńczuk, M. Long Short-Term Memory Neural Networks for Modeling Dynamical Processes and Predictive Control: A Hybrid Physics-Informed Approach. Sensors 2023, 23, 8898. [Google Scholar] [CrossRef] [PubMed]
  7. Vagale, A.; Šteina, L.; Vēciņš, V. Time Series Forecasting of Mobile Robot Motion Sensors Using LSTM Networks. Appl. Comput. Syst. 2021, 26, 150–157. [Google Scholar] [CrossRef]
  8. Cherubini, A.; Chaumette, F.; Oriolo, G.; Djelal, N.; Ouanane, A.; Bouriachi, F. LSTM-Based Visual Control for Complex Robot Interactions. J. Eur. Syst. Autom. 2023, 56, 863–870. [Google Scholar] [CrossRef]
  9. Yin, H.; Mahbub, A.; Win, M.Z. Deep Learning-Based Autonomous Robot Navigation with Sensor Fusion. Robot. Auton. Syst. 2021, 145, 103865. [Google Scholar] [CrossRef]
  10. Carreón Díaz de León, C.L.; Vergara-Limon, S.; Gonzalez-Calleros, J.M.; Vargas-Treviño, M.A.D. Red neuronal artificial para la extracción de parámetros dinámicos de robots a partir de información incompleta de su movimiento. Rev. Colomb. Comput. 2021, 22, 37–47. [Google Scholar] [CrossRef]
  11. Khalil, W.; Dombre, E. Modeling, Identification and Control of Robots; Taylor & Francis: Boca Raton, FL, USA, 2003. [Google Scholar]
  12. Yeom, K. Design of Deep Neural Network Based Model Predictive Controller for a Car-like Mobile Robot. Int. J. Mech. Eng. Robot. Res. 2022, 11, 606–613. [Google Scholar] [CrossRef]
  13. Li, C.; Hu, Z.; Zhang, D.; Wang, X. System Identification and Navigation of an Underactuated Underwater Vehicle Based on LSTM. J. Mar. Sci. Eng. 2025, 2, 276. [Google Scholar] [CrossRef]
  14. Zhang, D.; Zhao, Y.; Yang, M.; Jiang, C.; Han, X.; Li, Q. Time series clustering adaptive enhanced method for time-dependent reliability analysis and design optimization. Comput. Methods Appl. Mech. Eng. 2025, 443, 118099. [Google Scholar] [CrossRef]
  15. Alcayaga, J.M.; Menéndez, O.A.; Torres-Torriti, M.A.; Vásconez, J.P.; Arévalo-Ramirez, T.; Romo, A.J.P. LSTM-Enhanced Deep Reinforcement Learning for Robust Trajectory Tracking Control of Skid-Steer Mobile Robots Under Terra-Mechanical Constraints. Robotics 2025, 6, 74. [Google Scholar] [CrossRef]
  16. Reginald, N. Visual–Inertial–Wheel Odometry with Slip Compensation Based on Deep Kernel GPR and LSTM. Sensors 2025, 25, 1537. [Google Scholar] [CrossRef]
  17. Zheng, L. Predictive Control of the Mobile Robot under the Deep Long-Short Term Memory Neural Network Model. Comput. Intell. Neurosci. 2022, 2022, 1835798. [Google Scholar] [CrossRef]
  18. Fariña, B.; Acosta, D.; Toledo, J.; Acosta, L. Improving Odometric Model Performance Based on LSTM Networks. Sensors 2023, 23, 961. [Google Scholar] [CrossRef]
  19. Guffanti, D.; Mora Murillo, M.F.; Hinojosa, M.A.; Bustamante Sanchez, S.; Obregón Gutiérrez, J.O.; Gutiérrez, N.; Sánchez, M. Comparison of Two System Identification Approaches for a Four-Wheel Differential Robot Based on Velocity Command Execution. Sensors 2025, 25, 3553. [Google Scholar] [CrossRef]
  20. Čerkala, J.; Klein, T.; Jadlovska, A. Modeling and Control of Mobile Robot with Differential Chassis; Technical University of Košice: Košice, Slovakia, 2015; pp. 20–25. [Google Scholar]
  21. Teji, M.D.; Zou, T.; Zeleke, D.S. A Survey of Off-Road Mobile Robots: Slippage Estimation, Robot Control, and Sensing Technology. J. Intell. Robot. Syst. 2023, 109, 38. [Google Scholar] [CrossRef]
  22. Nourizadeh, P.; Stevens McFadden, F.J.; Browne, W.N. In situ slip estimation for mobile robots in outdoor environments. J. Field Robot. 2023, 40, 467–482. [Google Scholar] [CrossRef]
  23. Nourizadeh, P.; McFadden, F.J.S.; Browne, W.N. In situ skid estimation for mobile robots in outdoor environments. J. Field Robot. 2024, 41, 179–194. [Google Scholar] [CrossRef]
  24. Botta, A.; Botta, G.; Corti, M.; Pisu, L.; Tani, L. An Estimator for the Kinematic Behaviour of a Mobile Robot. Appl. Sci. 2021, 11, 1594. [Google Scholar] [CrossRef]
Figure 1. Real robot overview and experimental environment.
Figure 1. Real robot overview and experimental environment.
Sensors 25 05821 g001
Figure 2. Step responses of the SSM model.
Figure 2. Step responses of the SSM model.
Sensors 25 05821 g002
Figure 3. Comparative training RMSE and training loss for different configurations of the LSTM network.
Figure 3. Comparative training RMSE and training loss for different configurations of the LSTM network.
Sensors 25 05821 g003
Figure 4. Final LSTM network architecture with details of activation dimensions, learnable properties, and internal states.
Figure 4. Final LSTM network architecture with details of activation dimensions, learnable properties, and internal states.
Sensors 25 05821 g004
Figure 5. Relationships of circular motion for a robot moving in a trajectory with radius R and center in the ICC.
Figure 5. Relationships of circular motion for a robot moving in a trajectory with radius R and center in the ICC.
Sensors 25 05821 g005
Figure 6. Odometry and velocity comparison in Experiment 1. Subfigures 1 and 2 use color maps to represent position errors (m) and angle errors (rad). “X” markers represent the maximum deviations. Subfigures 3 and 4 present linear and angular velocity comparisons, SSM predictions in blue, and LSTM predictions in red. The actual measurement is shown in black.
Figure 6. Odometry and velocity comparison in Experiment 1. Subfigures 1 and 2 use color maps to represent position errors (m) and angle errors (rad). “X” markers represent the maximum deviations. Subfigures 3 and 4 present linear and angular velocity comparisons, SSM predictions in blue, and LSTM predictions in red. The actual measurement is shown in black.
Sensors 25 05821 g006
Figure 7. Odometry and velocity comparison in Experiment 2. Subfigures 1 and 2 use color maps to represent position errors (m) and angle errors (rad). “X” markers represent the maximum deviations. Subfigures 3 and 4 present linear and angular velocity comparisons, SSM predictions in blue, and LSTM predictions in red. The actual measurement is shown in black.
Figure 7. Odometry and velocity comparison in Experiment 2. Subfigures 1 and 2 use color maps to represent position errors (m) and angle errors (rad). “X” markers represent the maximum deviations. Subfigures 3 and 4 present linear and angular velocity comparisons, SSM predictions in blue, and LSTM predictions in red. The actual measurement is shown in black.
Sensors 25 05821 g007
Table 1. Testing different SSM orders.
Table 1. Testing different SSM orders.
OrderTEST
FITRMSE
v (%) ω  (%)v (m/s) ω  (rad/s)
297.2587.720.030.07
397.4387.790.030.07
497.4288.040.030.07
597.4185.230.030.09
Table 2. Different configurations of hyperparameters and the corresponding results.
Table 2. Different configurations of hyperparameters and the corresponding results.
IDARCHNACTOPTWSBSVFVPValidationTest
FITRMSEFITRMSE
v (%) ω (%)v (m/s) ω (rad/s)v (%) ω (%)v (m/s) ω (rad/s)
1LSTM (1)20tanhAdam1016202092.5389.590.060.0892.3990.090.060.08
2LSTM (1)30tanhAdam2016202095.4990.250.040.0795.4090.360.040.08
3LSTM (1)50tanhAdam5016202090.9291.540.080.0690.7291.750.080.07
4LSTM (1)100tanhAdam10016202093.1689.540.060.0893.1990.030.060.08
5LSTM (1)30tanhAdam7032101095.3590.820.040.0794.9991.250.040.07
6LSTM (1)100tanhAdam3032102095.2090.470.040.0794.9490.130.040.08
7LSTM (2)30tanhAdam2016203095.2890.120.040.0895.3389.510.040.08
8LSTM (1)30ReLUAdam2016202094.3690.730.050.0794.3990.790.050.07
9LSTM (1)30tanhRMSProp2016202093.6288.980.050.0993.6890.320.060.08
Abbreviations: WS (window size), N (neurons), BS (batch size), VF (validation frequency), VP (validation patience), ARCH (architecture, number of LSTM layers), ACT (activation function), OPT (optimizer). Metrics reported: Goodness of Fit (FIT, %) and Root Mean Squared Error (RMSE).
Table 3. Experimental velocity estimation.
Table 3. Experimental velocity estimation.
Linear VelocityAngular Velocity
v (m/s) ω (rad/s)
SSMLSTMSSMLSTM
Experiment 1FIT (%)94.3192.5392.4991.75
RMSE0.010.020.050.06
Experiment 2FIT (%)95.0893.6790.9390.14
RMSE0.010.010.050.06
AverageFIT (%)94.7093.1091.7190.95
RMSE0.010.010.050.06
Table 4. Experimental odometry estimation.
Table 4. Experimental odometry estimation.
Position EstimationAngle Estimation
x y (m) θ (rad/s)
SSMLSTMSSMLSTM
Experiment 1RMSE0.921.260.170.27
Mean0.740.950.150.23
STD0.550.830.080.15
Max. Error1.742.630.290.48
Experiment 2RMSE0.780.920.160.19
Mean0.590.660.130.14
STD0.510.650.100.12
Max. Error1.561.950.380.46
AverageRMSE0.851.090.170.23
Mean0.670.800.140.19
STD0.530.740.090.13
Max. Error1.652.290.330.47
Table 5. Simulation performance comparison between SSM and LSTM (100 runs).
Table 5. Simulation performance comparison between SSM and LSTM (100 runs).
MetricSSMLSTMDifference (LSTM-SSM)
Sim Time Mean (ms)4.0553.8949.84
Sim Time Std (ms)11.5867.2855.70
Avg Time/Step Mean (ms)0.002570.03420.03163
Avg Time/Step Std (ms)0.007340.04270.03536
Mem Usage Mean (MB)0.001550.030820.02927
Mem Usage Std (MB)0.008020.299990.29197
Mem Usage per Step (bytes)1.0320.4919.46
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

Guffanti, D.; Pavon, W. MultivariateSystem Identification of Differential Drive Robot: Comparison Between State-Space and LSTM-Based Models. Sensors 2025, 25, 5821. https://doi.org/10.3390/s25185821

AMA Style

Guffanti D, Pavon W. MultivariateSystem Identification of Differential Drive Robot: Comparison Between State-Space and LSTM-Based Models. Sensors. 2025; 25(18):5821. https://doi.org/10.3390/s25185821

Chicago/Turabian Style

Guffanti, Diego, and Wilson Pavon. 2025. "MultivariateSystem Identification of Differential Drive Robot: Comparison Between State-Space and LSTM-Based Models" Sensors 25, no. 18: 5821. https://doi.org/10.3390/s25185821

APA Style

Guffanti, D., & Pavon, W. (2025). MultivariateSystem Identification of Differential Drive Robot: Comparison Between State-Space and LSTM-Based Models. Sensors, 25(18), 5821. https://doi.org/10.3390/s25185821

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