You are currently viewing a new version of our website. To view the old version click .
Sensors
  • Article
  • Open Access

16 May 2025

A Wireless Sensor Network-Based Combustible Gas Detection System Using PSO-DBO-Optimized BP Neural Network

,
,
,
and
School of Computer Science, Civil Aviation Flight University of China, Guanghan 618307, China
*
Author to whom correspondence should be addressed.
This article belongs to the Special Issue Wireless Sensor Networks for Condition Monitoring

Abstract

Combustible gas leakage remains a critical safety concern in industrial and indoor environments, necessitating the development of detection systems that are both accurate and practically deployable. This study presents a wireless gas detection system that integrates a gas sensor array, a low-power microcontroller with Zigbee-based communication, and a Back Propagation (BP) neural network optimized via a sequential hybrid strategy. Specifically, Particle Swarm Optimization (PSO) is employed for global parameter initialization, followed by Dung Beetle Optimization (DBO) for local refinement, jointly enhancing the network’s convergence speed and predictive precision. Experimental results confirm that the proposed PSO-DBO-BP model achieves high correlation coefficients (above 0.997) and low mean relative errors (below 0.25%) for all monitored gases, including hydrogen, carbon monoxide, alkanes, and smog. The model exhibits strong robustness in handling nonlinear responses and cross-sensitivity effects across multiple sensors, demonstrating its effectiveness in complex detection scenarios under laboratory conditions within embedded wireless sensor networks.

1. Introduction

With the accelerating pace of global industrialization, especially in high-risk sectors such as petrochemicals, coal mining, and natural gas transportation, combustible gases have become integral not only to industrial productivity and energy supply, but also to the safety and sustainability of modern urban infrastructure. These gases are extensively used not only as fuels and raw materials in various production processes, but they have also become indispensable components of contemporary infrastructure and transportation systems. However, the frequency of flammable gas leakage incidents has significantly increased in recent years, leading to catastrophic consequences, including human casualties, severe property loss, and long-term environmental degradation. For instance, gases like methane and hydrogen can easily form explosive mixtures with air, posing a high risk of detonation upon exposure to ignition sources, while carbon monoxide leaks are notorious for causing acute poisoning and even fatalities.
Improving the detection accuracy and response speed of flammable gas leakage, as well as the early detection of potential gas leakage hazards, have become important issues in all walks of life. Efficient monitoring and early warning technologies for combustible gas leakage have gradually become the focus of social attention, driving the development of multi-sensor fusion detection [1], intelligent early warning systems [2], and intelligent gas sensing technology [3], in order to improve the detection accuracy, response speed, and environmental adaptability of gas leakage. Traditional gas detection methods, such as catalytic combustion and semiconductor sensors [4,5], often fall short in complex industrial environments due to limited sensitivity, poor selectivity, and susceptibility to environmental interference.
To address these limitations, researchers have increasingly turned to solutions that combine multi-sensor arrays with neural network-based learning frameworks, which enable robust and intelligent gas detection under dynamic conditions. The introduction of neural network technology [6], especially deep learning technology [7], enables gas detection to automatically extract features and carry out non-linear mapping through the learning and optimization of a large number of complex data, thus overcoming the problem of inaccurate detection caused by the interference of environmental factors in traditional methods. Multi-sensor array technology [8] can improve the accuracy of gas concentration measurement by real-time acquisition and fusion of multiple gas sensors. By analyzing the output data of multiple sensors, the sensor array can reduce the error and uncertainty caused by a single sensor and improve the robustness and reliability of the system.
With the rapid development of artificial intelligence technology, the combustible gas detection method based on neural networks has shown great potential in the field of gas detection. At present, many researchers have combined neural networks and gas sensor technology to develop a variety of high-precision and intelligent gas detection systems. For example, algorithms such as deep neural networks (DNN) and convolutional neural networks (CNN) can be applied to the data processing of gas sensor arrays [9], which can automatically extract effective features from large-scale data, and not only improve the detection accuracy, but also realize simultaneous detection of multiple gas mixtures.
Although neural network-based gas detection algorithms perform well in many ways, there are still some problems that need to be solved. On the one hand, traditional neural network models can be relatively complex and computationally intensive, which may limit their applicability in scenarios with strict real-time constraints. However, recent advances in lightweight neural network architectures such as MobileNet [10] and ShuffleNet [11] have significantly improved the feasibility of deploying deep learning models on edge devices. Supported by TinyML [12] frameworks and model compression techniques, these networks can run efficiently on microcontrollers and embedded platforms like STM32 [13] and Raspberry Pi Pico [14], enabling fast and energy-efficient gas concentration inference.
These advancements provide a promising foundation for deploying intelligent gas detection models in real-world, low-power environments, which aligns with the motivation of this study. On the other hand, how to choose the appropriate algorithm and model structure to deal with the complex and changeable detection environment is still a problem worthy of further study.
The main contributions and novelties of this study are threefold. First, we propose a hybrid optimization approach that sequentially combines Particle Swarm Optimization (PSO) and Dung Beetle Optimization (DBO) to improve both convergence speed and local search accuracy in training a Back Propagation (BP) neural network for gas concentration prediction. Second, this study integrates this model into a practical wireless sensor network (WSN) architecture featuring decentralized data acquisition using Zigbee-based MEMS sensor nodes. Third, we highlight the model’s robustness in handling cross-sensitivity among sensors and nonlinear interactions in multi-gas detection tasks, with validation through laboratory-scale data. These aspects distinguish the proposed method from existing works, which typically focus either on algorithmic improvement or hardware integration but rarely both.
The remainder of this paper is organized as follows: Section 2 reviews related work and introduces the core methodologies, including BP, PSO, and DBO. Section 3 presents the design of the hybrid PSO-DBO-BP model. Section 4 details the experimental setup and results. Section 5 and Section 6 discuss the findings and conclude this study.

3. PSO-DBO-BP Detection Method

In the combustible gas detection in this study, the prediction performance of the BP neural network is highly dependent on the optimization of weights and thresholds. Combining the global search capability of PSO and the local optimization capability of DBO, the PSO-DBO-BP strategy not only speeds up the convergence speed, but also improves the final optimization accuracy, making the combustible gas detection more efficient and stable.
In this study, the concentrations of hydrogen, carbon monoxide, alkanes, and smog gases detected by sensor array are taken as input characteristics, and the real concentrations measured by a high-precision single gas detector close to the true concentration value are taken as output targets. A BP neural network model based on the joint optimization of PSO and DBO is constructed to achieve accurate prediction of combustible gas concentrations.
In the actual detection environment, due to the cross-sensitivity of the gas sensor, it is not only affected by the target gas, but also interfered by other co-existing gases, resulting in complex nonlinear characteristics of the output response signal. The specific mathematical relationship can be expressed as follows:
y 1 = f 1 ( r 1 , r 2 , r 3 , r 4 ) y 2 = f 2 ( r 1 , r 2 , r 3 , r 4 ) y 3 = f 3 ( r 1 , r 2 , r 3 , r 4 ) y 4 = f 4 ( r 1 , r 2 , r 3 , r 4 )
where f i ( ) represents the unknown nonlinear mapping function, y i is the response value of sensor i, and r i is the true concentration of the ith gas. Since this functional relationship is complicated and difficult to analyze directly, this study uses a BP neural network for nonlinear fitting to learn the mapping relationship between the output of the input gas sensor and the real gas concentration.
Through data acquisition under different environmental conditions (such as leakage and combustion), this paper constructs a total of 100 group data samples (a total of 1600 data points). Each set of data contains 4 input values and 4 output values, in which the input is the concentration data of 4 kinds of gases detected by the designed sensor array ( y 1 , y 2 , y 3 , y 4 ), and the output is the true concentration values obtained by 4 high-precision single gas detectors ( r 1 , r 2 , r 3 , r 4 ). To ensure data diversity and generalization ability, 100 sets of data were divided into training sets (70 sets) and test sets (30 sets) by random sampling. Due to the difference in dimension and measurement range between sensor data, the input data are first normalized before network training.
In this study, the basic structure of BP neural network is constructed: three layers of feed-forward neural network, including input layer, hidden layer, and output layer. The number of nodes in the input layer is 4 (corresponding to the output of 4 kinds of sensors), and the number of nodes in the output layer is also 4, respectively, to output the predicted concentration of 4 kinds of gases. The hidden layer uses sigmoid function for nonlinear feature extraction, and the output layer uses linear transfer function.
Traditional BP networks rely on gradient descent for optimization, but gradient descent is easy to fall into local optima and sensitive to initial weights, resulting in slow training convergence. In contrast, PSO-DBO-BP adopts intelligent optimization strategy, which does not need to calculate gradient information, and can find the optimal weight in a wider search space, improving the stability and generalization ability of the model.
In order to improve the optimization effect, Particle Swarm Optimization (PSO) was first introduced to optimize the weight and bias of BP neural network. PSO has good global search ability and can quickly find the optimal weight in a large search space to avoid BP falling into the sub-optimal solution due to improper random initialization.
However, PSO is prone to premature convergence and lack of local search ability. In order to further optimize the local search ability of PSO, the Dung Beetle Optimization algorithm is introduced to adjust the initial solution provided by PSO by using its dynamic search mechanism. By simulating the ball rolling behavior of dung beetles, DBO achieves a smooth transition from global exploration to local optimization, making weight adjustment more adaptable and improving convergence accuracy and stability. Since BP neural network optimization is a single-objective continuous optimization problem, which does not involve population evolution and resource allocation, this study only adopts DBO’s rolling ball mechanism, instead of breeding, foraging, and other mechanisms, in order to improve optimization efficiency and reduce computational complexity.
In the DBO optimization process, the ownership weight and bias of the BP neural network are regarded as the position vector X in the DBO algorithm, and the optimal parameter combination is sought through continuous iteration to minimize the mean square error loss function of the network output. The specific process includes the following:
  • Initialize the BP neural network
In the initialization stage, the structure of the BP neural network is determined first, including the number of neurons in input layer, hidden layer, and output layer. The weights and bias are then initialized randomly. Because BP network training is very sensitive to the initial value of weights, reasonable initialization can accelerate convergence and avoid falling into local optima. The initialization process can be expressed as follows:
W i j 0 , B j 0 = X m i n + r a n d 0,1 × X m a x X m i n
where W i j 0 and B j 0 respectively represent the weights and biases of the i th input to the j th hidden layer neuron, X m i n and X m a x are the upper and lower bounds of the weights, and r a n d 0,1 generates random numbers to ensure diversity in the initialization process.
2.
PSO is adopted for global optimization
In the PSO optimization process, each particle p represents a set of weights and biases of the BP network, and the position matrix of the particle swarm is defined as follows:
X p = W i j p , B j p
The motion of the particle in the search space is determined by the velocity update equation and the position update equation:
V p t + 1 = ω V p t + c 1 r 1 P best p X p t + c 2 r 2 G best X p t
X p t + 1 = X p t + V p t + 1
where V p is the particle velocity, P b e s t p is the historical optimal position of the particle, G b e s t is the global optimal position, ω is the inertia weight, c 1 , c 2 are the acceleration factor, r 1 , r 2 are random numbers, which are used to enhance the search diversity.
After PSO global search, the initial weights of the BP neural network have been optimized. In order to further improve the precision of weight optimization and the convergence stability of the network, DBO is introduced on the basis of PSO results for local optimization.
3.
Initialize DBO parameters
In the DBO optimization process, each dung beetle individual represents the weights and biases of a set of BP neural networks, and is initialized on the basis of the optimization results calculated by PSO. The initialization formula is as follows:
X i 0 = X PSO + γ r a n d 0,1 X max X min
where X P S O is the initial optimal weight calculated by PSO, and γ is the disturbance factor (used to maintain population diversity and avoid all individuals being concentrated in the same point).
4.
DBO ball search optimization
In each iteration, individual dung beetles searched based on the optimal solution provided by the PSO and further optimized the weights and biases on a local scale through a rolling search mechanism, while using random perturbations to enhance the search capability. The updated formula is as follows:
X i t + 1 = X i t + α X best t X i t + β r a n d n 0,1 X max X min
where X b e s t t is the current optimal individual in the DBO iteration process (non-PSO global optimal).
5.
Calculation fitness (loss function)
In order to ensure the consistency of optimization objectives, DBO adopts the same fitness calculation method as PSO, namely mean square error (MSE), to measure the optimization effect.
6.
Update the optimal solution
After each iteration, the current optimal individual is selected through fitness evaluation, and the global optimal solution is updated. The updated formula is as follows:
X b e s t t + 1 = arg m i n F X i t + 1 , i = 1,2 , , N
where X b e s t t + 1 represents the optimal solution after iteration t + 1 round. Through continuous iterative optimization, the optimal solution gradually approaches the global optimal.
7.
Suspension condition
When the maximum number of iterations T m a x or fitness convergence is reached, the algorithm terminates and outputs the current optimal solution:
F X b e s t t + 1 F X b e s t t < ϵ o r t > T m a x
where ϵ is the set fitness convergence threshold, T m a x is the maximum number of iterations, and t is the current number of iterations.
8.
Output optimal weight and bias
After the optimization process is completed, the optimal weight and bias of BP neural network are finally output, which can be used for subsequent model training and combustible gas concentration prediction. The final output formula is as follows:
W o p t i m a l , B o p t i m a l = X b e s t T f i n a l
The BP neural network optimized by PSO and DBO can effectively predict the concentration of combustible gas and provide accurate gas detection results for practical applications. The overall flow of the PSO-DBO-BP algorithm is shown in Figure 3.
Figure 3. Overall flow chart of PSO-DBO-BP algorithm.

4. Experimental Tests

The neural network adopts a compact three-layer architecture, consisting of four input neurons corresponding to the gas sensor array, ten hidden neurons activated by the sigmoid function, and four output neurons with linear activation representing the concentrations of the four target gases. This configuration yields around 90 trainable parameters, including weights and biases.
The model was implemented using MATLAB 2021b. For a training dataset of 70 group samples over 100 epochs, the training process converged within approximately 19 s. The final trained model occupies approximately 0.8 KB in memory.
In terms of runtime performance, the average inference latency was measured to be less than 240 milliseconds per sample. These characteristics demonstrate the efficiency and deployability of the proposed system in wireless sensor networks and embedded environments.
In order to evaluate the performance of different optimization methods in combustible gas detection tasks, three methods, PSO-BP, DBO-BP, and PSO-DBO-BP, were used in this study to train and test the data of four gas sensors. In this paper, the decreasing trend of the loss function MSE is used as the evaluation criterion to analyze the convergence speed and final accuracy of different methods. Figure 4 shows the variation trend of the loss function of the three optimization methods in the four gas sensor data regression tasks, where the abscissa represents the number of training rounds (Epoch), and the ordinate represents the loss value (Loss).
Figure 4. Variation trend of loss function of different optimization methods.
It should be noted that although 100 group data samples were collected in total, only 70 of them were used to train the models shown in Figure 4, while the remaining 30 were reserved for validation. The loss curves reflect the convergence behavior of each method over this 70-sample training set.
Figure 4 shows the variation trend of the loss function with the training rounds of three optimization algorithms (PSO-BP, DBO-BP, and PSO-DBO-BP) in four types of gas concentration detection tasks. On the whole, all the methods showed a faster convergence rate in the early stage, but the final performance on different datasets was different. In the detection tasks of carbon monoxide and smog gas, DBO-BP is much better than PSO-BP, indicating that DBO is more suitable for optimizing low-concentration gas data, which usually has weak features and high noise, and relies more on the local mining ability of the algorithm. However, in the detection of hydrogen and alkane gases, PSO-BP has a more prominent performance. These two types of data belong to high-concentration samples with clear feature distribution, and the global search mechanism of PSO is easier to obtain better solutions in such tasks.
The comprehensive comparison shows that PSO-DBO-BP finally achieves the optimal convergence performance in all tasks, taking into account the optimization requirements under different concentration characteristics. By integrating the global search capability of PSO and the local optimization characteristics of DBO, it can effectively overcome the limitations of a single optimization method, markedly improve the adaptability and robustness of the BP neural network in various gas detection scenarios, and improve the prediction accuracy of the neural network.
In order to further verify the fitting effect of this method in combustible gas detection tasks, the relationship between the predicted value and the true value is analyzed by regression. Figure 5 shows the fitting curve on the four sensors’ data of the neural network, where the horizontal coordinate is the true concentration (ppm) and the vertical coordinate is the concentration predicted by the neural network (ppm). In the figure, the blue line represents the ideal fitting curve (Y = T), the black circle represents the experimental data, and the blue broken line represents the fitting result of the neural network.
Figure 5. Regression analysis of four PSO-DBO-BP neural networks.
It should be noted that the CO gas concentrations used in the experiments range from 100–500 ppm, which are above the maximum safe exposure level for humans. These concentrations were selected to test the system’s robustness in detecting hazardous levels of CO in emergency scenarios, such as gas leakage or industrial emissions. The goal was to optimize the system’s performance under controlled but challenging conditions, where the system can detect CO leaks early before they reach dangerous concentrations.
Through the above analysis, it can be seen that the PSO-DBO-BP neural network shows a high degree of fit in all the regression tasks of sensor data, and the predicted value is highly consistent with the real value, indicating that the method can effectively learn the nonlinear relationship between gas concentration and sensor response. Compared with the single optimization method, this method further improves the global search ability of the model through the joint optimization mechanism of Particle Swarm Optimization and Dung Beetle Optimization, avoids the local optima problem, and enables the neural network to fit the data more accurately in the later training period. In summary, the regression effect of the PSO-DBO-BP neural network is much better than that of a single optimization method, and it can be applied to different types of combustible gas detection tasks.
In order to more intuitively compare the regression effect of the trained gas under different algorithms, the correlation coefficient R and the average relative error MRE after the training of DBO-BP are summarized in Table 2. The regression correlation coefficient R reflects the linear correlation between the predicted value and the true value, and the closer R is to 1, the better the regression effect is. The average relative error MRE represents the relative size of the prediction error, and the smaller the MRE, the higher the prediction accuracy.
Table 2. Regression correlation and error analysis.
By analyzing the data in the above table, it can be found that the data fusion effect of the PSO-DBO-BP neural network for multi-gas sensors is better than that of PSO-BP and DBO-BP, and its regression correlation coefficient (R) is much higher than that of PSO-BP and DBO-BP, and the average relative error (MRE) is lowest. The average relative error is further reduced and the correlation is improved, indicating that the prediction accuracy and stability of this method are better than that of a single optimization method in combustible gas detection tasks. Compared with PSO-BP, PSO-DBO-BP effectively overcomes the limitation of a single optimization method by combining the global search capability of PSO with the local optimization capability of DBO, so as to obtain the optimal solution in the detection task.
While Figure 5 illustrates the static regression performance across four gases using the proposed PSO-DBO-BP model, it is also essential to evaluate the model’s ability to track gas concentration changes over time. To this end, we conducted an additional smog exposure experiment and monitored the predicted and reference CO concentration values at several time points. Figure 6 presents this temporal comparison, using CO as a representative gas due to its relatively smooth variation and relevance in safety-critical applications.
Figure 6. Regression fit between predicted and reference CO concentrations during smog exposure.
The regression fitting results for CO gas concentration prediction are shown in Figure 6. Validation with actual sample data indicates a high degree of agreement between predicted and true concentrations, with most data points closely aligned with the ideal fitting line (Y = T). This suggests that the model exhibits strong linear fitting capability. Experimental results further demonstrate that the proposed neural network model can effectively capture the nonlinear relationship between CO concentration and sensor output, achieving high prediction accuracy and stability. These results confirm that the model meets the practical requirements of combustible gas detection tasks.
CO was selected as the representative gas because its concentration changed smoothly during the smog simulation, making it suitable for temporal evaluation. The predicted values consistently followed the trend of the reference values obtained from a calibrated detector. The absence of significant delays or deviations supports the model’s ability to track concentration dynamics, reinforcing its potential for time-sensitive environmental monitoring applications.

5. Discussion

5.1. Evaluation of the Proposed Hybrid Optimization Strategy

The focus of this study is to investigate the cooperative optimization potential of PSO and DBO when jointly applied to BP neural network training. Therefore, we limited our comparison scope to the two ablated variants, PSO-BP and DBO-BP, to clearly observe the performance gains introduced by the hybridization strategy.
PSO is widely recognized for its ability to rapidly explore the global search space and locate promising initial regions. However, it often suffers from premature convergence. DBO introduces adaptive multi-stage behavior that enhances local search accuracy and convergence stability. In the proposed model, PSO is used to provide high-quality initial parameters, and DBO performs targeted fine-tuning, effectively compensating for each other’s limitations.
Experimental results support this complementary mechanism: PSO-DBO-BP consistently achieves higher prediction accuracy, faster convergence, and more stable performance across different gas types. While this study did not include other optimization algorithms (such as GA, WOA, GWO, or DE) for comparison, our intent was to validate the benefits of this particular hybrid combination rather than to compare with a wide range of metaheuristic alternatives.
We acknowledge that broader comparative analysis would strengthen the generality of our findings and intend to incorporate it in future work. A more comprehensive set of experiments with GA-BP, WOA-BP, and other hybrid variants is already planned for subsequent studies.

5.2. Contribution of Sensor Design to Model Robustness

Another important aspect of the system’s effectiveness lies in how the multi-sensor array interacts with the model to support robust concentration prediction. Although each sensor in the array is primarily designed to detect a specific gas species, their responses often exhibit cross-sensitivity to other gases, an inherent characteristic of metal oxide semiconductor (MOX) sensors. This indirect signal carries latent information that can be learned by the neural network.

5.3. Modeling Performance Under Simulated Mixed-Gas Conditions

To better reflect real-world deployment scenarios, the experimental protocol was carefully designed to introduce multi-gas environments. The test chamber contained coexisting gases generated through combustion and leakage simulations, creating complex, cross-interfering atmospheres. These mixed-gas conditions induced nonlinear and overlapping sensor responses, which were used to train the PSO-DBO-BP model. The model successfully learned to infer true gas concentrations from fused sensor signals, as evidenced by the high regression correlations and low relative errors across all four gas types.
While these results are promising in controlled indoor settings, future research will further explore the model’s generalization to open-air, multi-source environments.
Through training on mixed-gas data, the PSO-DBO-BP model appears to extract complex nonlinear patterns from the combined sensor signals, allowing it to estimate concentrations even when a given sensor is not explicitly tuned to that gas. This capability is particularly advantageous in real-world environments where multiple gases co-exist.

5.4. Potential for Enhancing Model Interpretability via XAI

Building on this observation, it becomes important to understand how the model leverages such cross-sensitive features. While this hypothesis was not formally verified in this study, we acknowledge the importance of increasing the model’s transparency and interpretability. To address this, future work will incorporate explainable AI (XAI) techniques such as SHAP (SHapley Additive Explanations) and LIME (Local Interpretable Model-agnostic Explanations), which will help reveal feature contributions and interaction effects across sensors. This addition is expected to enhance the system’s interpretability and trustworthiness, particularly in safety-critical applications.

5.5. Identified Limitations and Future Research Opportunities

Despite promising experimental outcomes, several limitations of the proposed system should be carefully considered. While the proposed PSO-DBO-BP method demonstrates strong prediction performance in laboratory settings, several limitations of the system should be acknowledged. First, the model was trained and tested on data collected under controlled indoor conditions; its generalization to outdoor or industrial settings with varying humidity, temperature, or background interference has not yet been validated. Second, although the multi-sensor array can infer multiple gas concentrations through cross-sensitivity, this mechanism may become less reliable in more complex mixtures or environments with unknown interfering gases. Third, the current system does not yet incorporate real-time error detection or confidence estimation, which may be necessary for deployment in safety-critical applications. Lastly, energy efficiency, transmission latency, and long-term drift of the MOX sensors were not the focus of this study but will be addressed in future deployment-scale evaluations.
These limitations highlight key areas for future work and provide valuable context for interpreting our findings. Future work will also consider integrating additional error metrics such as Mean Squared Error (MSE) and Root Mean Squared Error (RMSE) to provide a more comprehensive quantitative evaluation of model performance.

5.6. Strategies to Prevent Overfitting with Limited Data

In addition to hardware and modeling concerns, attention was also paid to preventing overfitting during model training. Furthermore, the prevention of overfitting was also a key concern in model development, particularly given the limited size of the experimental dataset. Several techniques were adopted to mitigate overfitting risks:
(1)
The dataset was partitioned into 70% training and 30% validation subsets, ensuring performance evaluation on unseen samples.
(2)
The BP network architecture was deliberately kept shallow and compact to avoid unnecessary complexity.
(3)
During training, validation loss was monitored to select the optimal stopping point and avoid over-training.
(4)
The use of multi-dimensional inputs from cross-sensitive sensors implicitly introduced feature redundancy that may serve as a natural regularizer.
These measures helped maintain good generalization without compromising prediction accuracy. In future work, we aim to integrate more formal regularization techniques and cross-validation frameworks to further enhance the model’s robustness.

5.7. Comparative Performance with Related Studies

To further position our approach within the context of prior work, a comparative analysis with recent studies is provided. In addition to internal ablation comparisons, it is also important to situate the proposed method within the broader context of related studies. Several recent works have explored the application of neural networks and optimization algorithms in gas concentration estimation tasks. For instance, ref. [50] proposed a CNN-based method for mixed-gas detection on a small dataset, achieving efficient learning with limited training data while maintaining acceptable prediction accuracy. Ref. [51] combined PSO with CNN models using dynamically modulated temperature sensor data, resulting in improved concentration prediction and lower computational cost compared to traditional single-method approaches.
While deep models like CNNs and LSTMs are effective for tasks involving spatial or temporal feature extraction, they often require more training data and computational resources. In contrast, the proposed PSO-DBO-BP framework emphasizes lightweight regression-based inference suitable for deployment on microcontrollers and embedded platforms. Compared to existing approaches, our method achieved strong performance across four types of gases, with average mean relative errors below 0.25% and correlation coefficients exceeding 0.99, as reported in Table 2. The final model occupies only around 0.8 KB and provides predictions within 240 milliseconds per sample, validating its feasibility for edge implementation in wireless sensor networks.
Nonetheless, we acknowledge that a more comprehensive benchmarking particularly against other hybrid optimization algorithms such as GA-BP, WOA-BP, and GWO-BP, as well as LSTM and transformer based models, would provide additional insight into the generalizability and competitiveness of our method. Future work will include extended evaluations on larger public datasets and under varied environmental conditions to further support comparative analysis. These future efforts will be critical for validating the scalability and real-world applicability of the proposed system across varied deployment scenarios.

6. Conclusions

This study proposed a hybrid PSO-DBO-BP algorithm for improving the accuracy and stability of gas concentration prediction in wireless sensor systems. The method sequentially integrates Particle Swarm Optimization (PSO) for global parameter initialization and Dung Beetle Optimization (DBO) for adaptive local refinement, enhancing the training efficiency of the BP neural network. Experimental results under mixed-gas conditions demonstrate that the proposed model achieves high prediction accuracy, with average relative errors below 0.25% and correlation coefficients exceeding 0.99 across all tested gas types.
In addition to the algorithmic enhancement, the system integrates a low-power hardware platform based on Zigbee-enabled MOX sensor nodes, supporting real-time data transmission and distributed sensing. The model’s robustness in handling sensor cross-sensitivity and nonlinear gas interactions further contributes to its applicability in multi-gas environments.
Despite these promising results, the current study is limited to controlled laboratory settings. Generalization to outdoor or industrial scenarios, the integration of uncertainty estimation mechanisms, and benchmarking with other advanced optimization frameworks remain open areas for future exploration. The adoption of explainable AI tools such as SHAP and LIME is also planned to further improve model transparency and interpretability, especially in safety-critical applications.
Overall, the proposed PSO-DBO-BP approach provides a lightweight, adaptive, and hardware-compatible framework that can support accurate gas monitoring in embedded sensor networks. Future studies will focus on expanding its applicability, testing under real-world deployment conditions, and integrating more comprehensive comparative evaluations.

Author Contributions

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

Funding

This work is partially supported by the Fundamental Research Funds for the Central Universities under grant Nos. 25CAFUC03036, 25CAFUC03037, 25CAFUC03038, 25CAFUC09010, 24CAFUC04015, and 24CAFUC03042, the Civil Aviation Professional Project under grant No. MHJY2023027, and the 2024 Statistical Education Reform Project under No. 2024JG0226.

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The data used to support the findings of this study are available from the corresponding author upon request.

Acknowledgments

The authors express their gratitude to the anonymous reviewers for their invaluable suggestions.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Sun, X.; Liu, F.; Zhao, Y.; Liu, F.; Wang, J.; Zhu, S.; He, Q.; Bai, Y.; Zhang, J. Research on Environmental Risk Monitoring and Advance Warning Technologies of Power Transmission and Distribution Projects Construction Phase. Sensors 2024, 24, 7695. [Google Scholar] [CrossRef] [PubMed]
  2. Zhang, Y.; Geng, P.; Sivaparthipan, C.; Muthu, B.A. Big data and artificial intelligence based early risk warning system of fire hazard for smart cities. Sustain. Energy Technol. Assess. 2021, 45, 100986. [Google Scholar] [CrossRef]
  3. Feng, S.; Farha, F.; Li, Q.; Wan, Y.; Xu, Y.; Zhang, T.; Ning, H. Review on Smart Gas Sensing Technology. Sensors 2019, 19, 3760. [Google Scholar] [CrossRef]
  4. Guth, U.; Shuk, P.; McGuire, C. Gas sensing technologies in combustion: A comprehensive review. J. Electrochem. Sci. Eng. 2020, 10, 103–110. [Google Scholar] [CrossRef]
  5. Zhang, H.; Guo, Y.; Meng, F. Metal Oxide Semiconductor Sensors for Triethylamine Detection: Sensing Performance and Improvements. Chemosensors 2022, 10, 231. [Google Scholar] [CrossRef]
  6. Shanmuganathan, S. Artificial Neural Network Modelling: An Introduction. In Artificial Neural Network Modelling; Shanmuganathan, S., Samarasinghe, S., Eds.; Studies in Computational Intelligence; Springer: Cham, Switzerland, 2016; Volume 628. [Google Scholar] [CrossRef]
  7. Mu, R.; Zeng, X. A Review of Deep Learning Research. KSII Trans. Internet Inf. Syst. 2019, 13, 1738–1764. [Google Scholar] [CrossRef]
  8. Moreno, L.; Merlos, A.; Abramova, N.; Jiménez, C.; Bratov, A. Multi-sensor array used as an “electronic tongue” for mineral water analysis. Sens. Actuators B Chem. 2006, 116, 130–134. [Google Scholar] [CrossRef]
  9. Zhou, K.; Liu, Y. Early-Stage Gas Identification Using Convolutional Long Short-Term Neural Network with Sensor Array Time Series Data. Sensors 2021, 21, 4826. [Google Scholar] [CrossRef]
  10. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  11. Zhang, X.; Zhou, X.; Lin, M.; Sun, J. ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  12. Alajlan, N.N.; Ibrahim, D.M. TinyML: Enabling of Inference Deep Learning Models on Ultra-Low-Power IoT Edge Devices for AI Applications. Micromachines 2022, 13, 851. [Google Scholar] [CrossRef]
  13. David, R.; Duke, J.; Jain, A.; Reddi, V.J.; Jeffries, N.; Li, J.; Kreeger, N.; Nappier, I.; Natraj, M.; Regev, S.; et al. TensorFlow Lite Micro: Embedded Machine Learning on TinyML Systems. arXiv 2020, arXiv:2010.08678. [Google Scholar]
  14. Jamadagni, S.; Sankpal, P.; Patil, S.; Chougule, N.; Gurav, S. Gas Leakage and Fire Detection using Raspberry Pi. In Proceedings of the 2019 3rd International Conference on Computing Methodologies and Communication (ICCMC), Erode, India, 27–29 March 2019; pp. 495–497. [Google Scholar] [CrossRef]
  15. Ye, Q.; Liu, S.; Liu, C. A Deep Learning Model for Fault Diagnosis with a Deep Neural Network and Feature Fusion on Multi-Channel Sensory Signals. Sensors 2020, 20, 4300. [Google Scholar] [CrossRef] [PubMed]
  16. Oh, Y.; Lim, C.; Lee, J.; Kim, S.; Kim, S. Multichannel convolution neural network for gas mixture classification. Ann. Oper. Res. 2024, 339, 261–295. [Google Scholar] [CrossRef]
  17. Wang, X.; Zhou, Y.; Zhao, Z.; Feng, X.; Wang, Z.; Jiao, M. Advanced Algorithms for Low Dimensional Metal Oxides-Based Electronic Nose Application: A Review. Crystals 2023, 13, 615. [Google Scholar] [CrossRef]
  18. Lee, C.-H.; Chen, I.-T.; Yang, H.-C.; Chen, Y.J. An AI-powered Electronic Nose System with Fingerprint Extraction for Aroma Recognition of Coffee Beans. Micromachines 2022, 13, 1313. [Google Scholar] [CrossRef]
  19. Anwar, F.; Qurat-Ul-Ain; Ejaz, M.Y.; Mosavi, A. A comparative analysis on diagnosis of diabetes mellitus using different approaches—A survey. Inform. Med. Unlocked 2020, 21, 100482. [Google Scholar] [CrossRef]
  20. Illahi, A.A.C.; Dadios, E.P.; Bandala, A.A.; Vicerra, R.R.P. Electronic Nose Technology and Application: A Review. In Proceedings of the 2021 IEEE 13th International Conference on Humanoid, Nanotechnology, Information Technology, Communication and Control, Environment, and Management (HNICEM), Manila, Philippines, 28–30 November 2021; pp. 1–5. [Google Scholar] [CrossRef]
  21. Li, Y.; Wang, Z.; Zhao, T.; Li, H.; Jiang, J.; Ye, J. Electronic nose for the detection and discrimination of volatile organic compounds: Application, challenges, and perspectives. TrAC Trends Anal. Chem. 2024, 180, 117958. [Google Scholar] [CrossRef]
  22. Mulumba, D.M.; Liu, J.; Hao, J.; Zheng, Y.; Liu, H. Application of an Optimized PSO-BP Neural Network to the Assessment and Prediction of Underground Coal Mine Safety Risk Factors. Appl. Sci. 2023, 13, 5317. [Google Scholar] [CrossRef]
  23. Bin Islam, R.; Akhter, S.; Iqbal, F.; Rahman, S.U.; Khan, R. Deep learning based object detection and surrounding environment description for visually impaired people. Heliyon 2023, 9, e16924. [Google Scholar] [CrossRef]
  24. Jogekar, A.; Sinh, P. A comprehensive review on the use of Internet-of-Things-based systems in underground mining for monitoring environmental conditions. World J. Adv. Eng. Technol. Sci. 2025, 14, 1–19. [Google Scholar] [CrossRef]
  25. Narkhede, P.; Walambe, R.; Mandaokar, S.; Chandel, P.; Kotecha, K.; Ghinea, G. Gas Detection and Identification Using Multimodal Artificial Intelligence Based Sensor Fusion. Appl. Syst. Innov. 2021, 4, 3. [Google Scholar] [CrossRef]
  26. Li, J.; Dong, X.; Ruan, S.; Shi, L. A parallel integrated learning technique of improved particle swarm optimization and BP neural network and its application. Sci. Rep. 2022, 12, 19325. [Google Scholar] [CrossRef]
  27. Yu, C.-C.; Liu, B.-D. A backpropagation algorithm with adaptive learning rate and momentum coefficient. In Proceedings of the 2002 International Joint Conference on Neural Networks. IJCNN’02 (Cat. No.02CH37290), Honolulu, HI, USA, 12–17 May 2002; Volume 2, pp. 1218–1223. [Google Scholar] [CrossRef]
  28. Alhudhaif, A.; Polat, K. Spatio-temporal characterisation and compensation method based on CNN and LSTM for residential travel data. PeerJ Comput. Sci. 2024, 10, e2035. [Google Scholar] [CrossRef]
  29. Li, S.; Chai, G.; Wang, Y.; Zhou, G.; Li, Z.; Yu, D.; Gao, R. CRSF: An Intrusion Detection Framework for Industrial Internet of Things Based on Pretrained CNN2D-RNN and SVM. IEEE Access 2023, 11, 92041–92054. [Google Scholar] [CrossRef]
  30. Ullah, N.; Siddique, M.F.; Ullah, S.; Ahmad, Z.; Kim, J.-M. Pipeline Leak Detection System for a Smart City: Leveraging Acoustic Emission Sensing and Sequential Deep Learning. Smart Cities 2024, 7, 2318–2338. [Google Scholar] [CrossRef]
  31. Ma, X.; Hou, M.; Zhan, J.; Zhong, R. Enhancing Production Prediction in Shale Gas Reservoirs Using a Hybrid Gated Recurrent Unit and Multilayer Perceptron (GRU-MLP) Model. Appl. Sci. 2023, 13, 9827. [Google Scholar] [CrossRef]
  32. Wythoff, B.J. Backpropagation neural networks: A tutorial. Chemom. Intell. Lab. Syst. 1993, 18, 115–155. [Google Scholar] [CrossRef]
  33. Abdolrasol, M.G.M.; Hussain, S.M.S.; Ustun, T.S.; Sarker, M.R.; Hannan, M.A.; Mohamed, R.; Ali, J.A.; Mekhilef, S.; Milad, A. Artificial Neural Networks Based Optimization Techniques: A Review. Electronics 2021, 10, 2689. [Google Scholar] [CrossRef]
  34. Jain, M.; Saihjpal, V.; Singh, N.; Singh, S.B. An Overview of Variants and Advancements of PSO Algorithm. Appl. Sci. 2022, 12, 8392. [Google Scholar] [CrossRef]
  35. Gad, A.G. Particle Swarm Optimization Algorithm and Its Applications: A Systematic Review. Arch. Comput. Methods Eng. 2022, 29, 2531–2561. [Google Scholar] [CrossRef]
  36. Alfi, A. PSO with Adaptive Mutation and Inertia Weight and Its Application in Parameter Estimation of Dynamic Systems. Acta Autom. Sin. 2011, 37, 541–549. [Google Scholar] [CrossRef]
  37. Dong, C.; Wang, G.; Chen, Z.; Yu, Z. A Method of Self-Adaptive Inertia Weight for PSO. In Proceedings of the 2008 International Conference on Computer Science and Software Engineering, Wuhan, China, 12–14 December 2008; pp. 1195–1198. [Google Scholar] [CrossRef]
  38. Yuan, G.; Yang, W. Study on optimization of economic dispatching of electric power system based on Hybrid Intelligent Algorithms (PSO and AFSA). Energy 2019, 183, 926–935. [Google Scholar] [CrossRef]
  39. Xue, J.; Shen, B. Dung beetle optimizer: A new meta-heuristic algorithm for global optimization. J. Supercomput. 2022, 79, 7305–7336. [Google Scholar] [CrossRef]
  40. Zhang, D.; Wang, Z.; Zhao, Y.; Sun, F. Multi-Strategy Fusion Improved Dung Beetle Optimization Algorithm and Engineering Design Application. IEEE Access 2024, 12, 97771–97786. [Google Scholar] [CrossRef]
  41. Zhang, D.; Wang, Z.; Sun, F. Somersault Foraging and Elite Opposition-Based Learning Dung Beetle Optimization Algorithm. Appl. Sci. 2024, 14, 8624. [Google Scholar] [CrossRef]
  42. Ye, M.; Zhou, H.; Yang, H.; Hu, B.; Wang, X. Multi-Strategy Improved Dung Beetle Optimization Algorithm and Its Applications. Biomimetics 2024, 9, 291. [Google Scholar] [CrossRef]
  43. Safiri, S.; Nikoofard, A. Ladybug Beetle Optimization algorithm: Application for real-world problems. J. Supercomput. 2023, 79, 3511–3560. [Google Scholar] [CrossRef]
  44. Wulfran, F.M.; Jacques, M.R.J.; Raoul, D.N.S.; Harrison, A.; Saatong, K.T.; Alruwaili, M.; Alroobaea, R.; Algarni, S.; Yousef, A. Harmonic Mean Optimizer (HMO) for global problems solving. Alex. Eng. J. 2024, 106, 252–276. [Google Scholar] [CrossRef]
  45. Mostafa, R.R.; Khedr, A.M.; AL Aghbari, Z.; Afyouni, I.; Kamel, I.; Ahmed, N. A multi-strategy improved electric eel foraging optimization algorithm: Continuous and binary variants for solving optimization problems. Int. J. Mach. Learn. Cyber. 2025, 1–46. [Google Scholar] [CrossRef]
  46. Hosseinzadeh, M.; Rahmani, A.M.; Husari, F.M.; Alsalami, O.M.; Marzougui, M.; Nguyen, G.N.; Lee, S.-W. A Survey of Artificial Hummingbird Algorithm and Its Variants: Statistical Analysis, Performance Evaluation, and Structural Reviewing. Arch. Comput. Methods Eng. 2025, 32, 269–310. [Google Scholar] [CrossRef]
  47. Tomar, V.; Bansal, M.; Singh, P. Metaheuristic Algorithms for Optimization: A Brief Review. Eng. Proc. 2023, 59, 238. [Google Scholar] [CrossRef]
  48. Rajwar, K.; Deep, K.; Das, S. An exhaustive review of the metaheuristic algorithms for search and optimization: Taxonomy, applications, and open challenges. Artif. Intell. Rev. 2023, 56, 13187–13257. [Google Scholar] [CrossRef] [PubMed]
  49. Ozkan, R.; Samli, R. Flood algorithm: A novel metaheuristic algorithm for optimization problems. PeerJ Comput. Sci. 2024, 10, e2278. [Google Scholar] [CrossRef] [PubMed]
  50. Li, X.; Guo, J.; Xu, W.; Cao, J. Optimization of the Mixed Gas Detection Method Based on Neural Network Algorithm. ACS Sens. 2023, 8, 822–828. [Google Scholar] [CrossRef]
  51. Hu, Z.; Zhao, W.; Cheng, H.; Yan, R.; Duan, X.; Yu, T.; Chen, Y.; Xu, D. Application of PSO-CNN Algorithm in Semiconductor Gas Sensors Based on Temperature Modulation. IEEE Sens. J. 2024, 24, 32717–32728. [Google Scholar] [CrossRef]
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.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.