Next Article in Journal
A Study on the Compressive Behavior of Additively Manufactured AlSi10Mg Lattice Structures
Previous Article in Journal
Research of Optical Properties and Biocompatibility in Different Zones of Multilayered Translucent Zirconia on Hydrothermal Aging
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Advances in Gas Detection of Pattern Recognition Algorithms for Chemiresistive Gas Sensor

1
Chongqing Key Laboratory of Optical Fiber Sensor and Photoelectric Detection, Chongqing University of Technology, Chongqing 400054, China
2
Key Laboratory of Optoelectronic Technology and Systems of the Education Ministry of China, College of Optoelectronic Engineering, Chongqing University, Chongqing 400044, China
*
Authors to whom correspondence should be addressed.
Materials 2024, 17(21), 5190; https://doi.org/10.3390/ma17215190
Submission received: 17 September 2024 / Revised: 11 October 2024 / Accepted: 21 October 2024 / Published: 24 October 2024
(This article belongs to the Section Advanced Nanomaterials and Nanotechnology)

Abstract

:
Gas detection and monitoring are critical to protect human health and safeguard the environment and ecosystems. Chemiresistive sensors are widely used in gas monitoring due to their ease of fabrication, high customizability, mechanical flexibility, and fast response time. However, with the rapid development of industrialization and technology, the main challenges faced by chemiresistive gas sensors are poor selectivity and insufficient anti-interference stability in complex application environments. In order to overcome these shortcomings of chemiresistive gas sensors, the pattern recognition method is emerging and is having a great impact in the field of sensing. In this review, we focus systematically on the advancements in the field of data processing methods for feature extraction, such as the methods of determining the characteristics of the original response curve, the curve fitting parameters, and the transform domain. Additionally, we emphasized the developments of traditional recognition algorithms and neural network algorithm in gas discrimination and analyzed the advantages through an extensive literature review. Lastly, we summarized the research on chemiresistive gas sensors and provided prospects for future development.

1. Introduction

With the rapid development of industrialization and the rise of big data, gas monitoring has been widely used in high-demand sectors such as environmental protection, medical health, military aerospace, life safety, and industrial production [1,2,3,4]. Accordingly, the necessary chemiresistive, electrochemical, optical and thermal conductivity gas sensors are constantly being researched and developed [5,6,7,8]. Among them, semiconductor gas sensors have become the most widely used gas sensors due to their small size, high sensitivity, low cost and simple manufacturing process [9,10,11,12,13,14]. Semiconductor gas sensors convert details of target gases into electrical signals based on the charge transfer that occurs during chemisorption between the target gases and the sensitive materials. However, these gas sensors generally suffer from poor selectivity due to the multiphase adsorption characteristics of sensitive materials [13,14]. Thus, it is necessary to develop high-selectivity gas sensors for reliable gas detection.
Many strategies of hybrid materials, single atom modification, and other cutting-edge technologies have enhanced the capabilities of these chemiresistive gas sensors, paving the way for highly sensitive and selective sensing [15,16,17,18,19,20]. However, these strategies generally acquire effective detection in single gases or simple gas environments, and the needs are still unsatisfied in complex gas environment detection such as distinguishing gases with similar chemical properties. Recently, an artificial olfactory system named E-nose, which consists of gas sensor arrays with pattern recognition, has been developed to improve the selectivity in complex gas environment detection due to the availability of multiple recognition parameters and excellent properties of anti-environment interference. For example, Li and Yu made an electronic nose composed of an array of SnO2/WO3 nanocomposite chemical resistance sensors and built a quantitative P-nearest neighbor backpropagation neural network (pN-BPNN) model based on the extracted response characteristics. The qualitative identification of hydrogen, ammonia, hydrogen–ammonia, ethanol, acetone, ethanol–acetone, toluene and formaldehyde and the quantitative estimation of gas concentration were realized [11].
Pattern recognition is considered to be an advantageous tool for the development of intelligent devices, which can effectively solve the selectivity problem, and has been applied to various complex environments such as breath and factory exhaust. In order to improve the efficiency of gas recognition, several classical feature extraction methods and recognition algorithms have been developed [21,22,23], including the data processing methods of curve fitting parameters and transform domain, and recognition algorithms of traditional recognition algorithms, artificial neural network (ANN) [12,13,24], convolutional neural network (CNN) [25], multi-layer perceptron (MLP) [26,27,28,29,30,31] and others. For example, Oh and Kim [32] used a sensor array consisting of five In2O3 semiconductor metal oxide (SMO) gases to detect and distinguish five indoor volatile organic compounds (VOCs), namely benzene, xylene, toluene, formaldehyde, and ethanol. By using three supervisory algorithms: artificial neural networks (ANN), deep neural networks (DNN), and one-dimensional convolutional neural networks (1D CNN), this machine learning-based approach successfully distinguished indoor pollutants even when ambient humidity and temperature changed. However, there are many kinds of noise and interference in the actual environment, such as ambient humidity, weak response signals, and similar molecular characteristics, which bring difficulties to the identification of target gases. It is significantly important to explore a suitable pattern recognition algorithm for gas recognition in real environments [33,34,35,36]. For example, traditional pattern recognition algorithms perform well on small data sets, are easy to understand and have low computational costs; artificial neural network algorithms show good noise resistance and better handle large data sets [37,38,39]; while MLP is capable of effectively modeling nonlinear relationships in data. Therefore, it is necessary to update and comprehensively evaluate the existing pattern recognition algorithm to improve the accuracy of gas recognition [29,40,41,42].
In this review, we systematically describe the research progress of gas sensing pattern recognition algorithms. The first part of this review provides a description of the evolution of chemiresistive sensors and the meaning of the pattern recognition algorithms for gas sensing. The Section 2 introduces the performance evaluation of recognition algorithms in gas sensing. The Section 3 focuses on the data preprocessing and feature extraction methods in gas sensor arrays in recent years. In the Section 4 and Section 5, the research results of traditional pattern recognition algorithms and neural network algorithms for gas detection are summarized and provide insights into the merits of the various pattern recognition algorithms. Finally, the challenges and prospects of pattern recognition in gas sensing applications are presented.

2. Performance Evaluation

In the general data training process for gas sensing, the loss function is crafted from label values and algorithm predictions, optimizing the model parameters to minimize errors. To avoid overfitting and ensure the generalization ability of the model, cross-validation can be employed. For example, K-fold cross-validation divides the data set into k non-overlapping subsets, takes one subset in turn as a test set and the rest as a training set for model training and evaluation, and takes an average performance after repeating k times to ensure that the model can be stably and effectively generalized to previously unseen data.
After training is completed, the model’s generalization is evaluated on a dedicated test set. Algorithm selection is crucial for recognition outcomes [23,40]. Performance metrics of accuracy, recall, specificity, and F1 score are employed to gauge generalization.
Accuracy reflects the proportion of correctly classified samples, given by (TP + TN)/(TP + FP + TN + FN), where TP = true positive, TN = true negative, FP = false positive, and FN = false negative. Recall, or true positive rate, assesses positive instance detection, formulated as TP/(TP + FN). Higher recall indicates more positive samples detected. Specificity, or true negative rate, quantifies negative instance identification, calculated as TN/(TN + FP). F1 score, the harmonic mean of precision and recall, balances the two, calculated as 2 × (Precision × Recall)/(Precision + Recall), where Precision = TP/(TP + FP).
To handle overfitting, bootstrapping can be used. Bootstrapping creates multiple training and test sets through multiple random samples with resampling, repeatedly training and evaluating the model to ensure that the model can be stably and accurately generalized to previously unseen data.

3. Data Pre-Process Methods

The accuracy of gas recognition depends on the characteristics of the data, such as response, sensitivity, response time, and reaction kinetics parameters, so it is necessary to optimize the raw data by preprocessing and feature extraction, remove redundant information, and extract distinguishable steady-state and transient features to improve recognition accuracy. These processing methods of feature extraction play an important role to improving the effectiveness of pattern recognition algorithms, especially in dealing with noise, errors, and sensor drift to ensure accurate identification of different types and concentrations of gases [43].
Feature extraction includes extracting key signal segments from the sensor data and analyzing their characteristics on the response curve, such as peak value, integration, rate of change, and slope of adsorption rate in a specific interval [44]. Additionally, time-frequency conversion techniques, such as DWT [31,45,46], FFT [16,27,33], and so on, can effectively capture complex patterns and nonlinear features in gas sensor sensing signal. In the next part, the feature extraction methods are summarized as follows.

3.1. Drift Compensation

Sensor drift is an issue that arises in sensor arrays due to the influence of factors such as temperature fluctuations, changes in humidity, degradation over time, and varying pressure. In complex application scenarios, interference persists, making drift a major challenge for gas sensor technology, damaging its detection accuracy and hindering the widespread application of electronic nose systems [44]. In the last 5 years, researchers have developed a range of drift-resistant models aimed at addressing this persistent issue.
Heng et al. [9] proposed a semi-supervised adversary-domain adaptive convolutional neural network (SAD) method, which combined with the maximum mean difference and minimum variance constraints of regenerated Hilbert space, effectively solved the long-term drift problem of electronic nose and device displacement and showed better classification accuracy than other methods in the experiment. The classification accuracy of different scenes in the long-term drift data set were 78.01% and 82.53%, respectively, and the classification accuracy of the instrument change data set were 96.45%. Sun et al. [10] proposed an unsupervised domain adaptive framework that utilizes transformer based dynamic encoder and prototype learning to realize sensor drift compensation, which significantly improved the average accuracy by 11.12% and reached the highest average accuracy of 92.67% on the CQU dataset. Both Li et al. [11] and Zhang et al. [12] applied a relative method based on the ratio of baseline to steady-state resistance to reduce drift during the pretreatment process. Aurora, A. [20] proposed a new method combining the auxiliary sensor response with the self-calibration algorithm, which significantly improved the accuracy of the Figaro TGS2600 module under the temperature range of −10 °C to 40 °C and the relative humidity conditions of 35%, 65% and 95%. Carbon monoxide tests show sensor accuracy improved by a factor of up to 11 and error reduced to about ±0.8 ppm CO. Krivetskiy et al. [45] propose a novel approach to preprocessing the response of temperature-modulated metal oxide gas sensors using a statistical signal shape analysis (SSA) algorithm, aiming to improve the discrimination of closely related gases under realistic atmospheric conditions through machine learning (ML) algorithms. At the same time, the effects of sensor response drift and amplitude fluctuation were eliminated more effectively.

3.2. Denoising Processing

Noise is usually caused by measurement errors, environmental interference, or distortion in data transmission, which can make the data chaotic and difficult to extract useful information. Therefore, before extracting features, it is necessary to perform appropriate denoising on the data to reduce or eliminate these random errors. The main methods for denoising include applying filters, smoothing algorithms, statistical methods, and machine learning techniques.
Wang et al. [47] proposed an optimally designed FIR complementary filter, which achieves a wider low frequency bandwidth by solving the optimal coefficients through convex optimization problems and has better performance than traditional IIR complementary filters. Golmohammadi et al. [48] used the strain data collected by the FBG sensor to study and optimize the discrete wavelet transform parameters for effective denoising, and successfully recovered the low-amplitude strain signal without losing any data. Guo et al. [49] proposed and verified a method to suppress the low frequency noise of vector magnetic sensors by rotating modulated signals, effectively modulating low frequency signals to a high frequency with demodulation to reduce noise. Harindranath and Arora [50] developed a simulation platform to predict algorithm performance by experimentally measuring the noise characteristics of commercial IMU and compared the old and new algorithms in simulation and actual experiments, showing that the angle error of the new algorithm on low-cost IMU was <1. Wang et al. [51] used a transformer-based U-channel network to optimize photoacoustic signal processing to reduce background noise, achieving a HCN detection limit of 0.89 ppb and a 1 s response time, and experimentally verified its high-sensitivity real-time monitoring capability in environmental monitoring and industrial safety applications.

3.3. Original Response Curves

Extracting segmented signal features of the sensor’s original response curve is a common feature extraction method. These characteristics include a steady-state response and a transient response. Generally, those features include maximum value, integral, derivative, area value, rise time, fall time, rise slope, fall slope, maximum difference, relative maximum, fractional maximum, logarithmic maximum, derivative, and integral [52], as shown in Figure 1. The maximum value represents the final steady-state characteristic of the entire dynamic response process and reflects the maximum change in the sensor’s response to odor, which is often used as one of the simplest and most common features in electronic noses. Moreover, the parameters of response time, recovery time, rise slope and fall slope reflect the kinetic reaction process of gas sensing, which is significant to improve the accuracy in rapid gas identification. Recently, Li and Yu [11] prepared PD-doped WO3 and PD-doped SnO2 sensor arrays and extracted the parameters of response time, recovery time and resistance variation of 15 ppm hydrogen at different temperatures, realizing the gas detection. Deng et al. [53] reported a method of extraction parameters from original and light modulation data (100 ppm ethanol) of a PT-modified zinc oxide gas sensor to detect 100 ppm ethanol. Acharyya et al. [27] used a tin oxide hollow ball gas sensor to obtain the transient response curves of formaldehyde, methanol, propyl alcohol and toluene gases, which showed the corresponding responses, providing information for subsequent DWT feature extraction. Chu et al. [54] used a sensor array consisting of 4 sensors to extract 12 features, such as response value, response time and recovery time, from each sample. By extracting features (response value, response and recovery time) from the dynamic curve, two additional features of the sensor were also extracted, namely response time (τres) and recovery time (τrec), acquiring ultra-high discrimination accuracy.

3.4. Curve Fitting Parameters

Another method is to fit the sensor response curve or the response parameters and then extract features based on the model coefficient. Curve fitting is a data processing method that approximates the function relationship of discrete points by using empirical equation or analogies [55]. However, in curve fitting, selecting and assuming the concrete form of the unknown function is still a key and complex problem.
As shown in Figure 2a, Krivetskiy et al. [45] proposed an approach based on PCF polynomial curve fitting to extract the characteristics of the data. This method improves the selectivity for low concentration VOCs with similar chemical properties. Recently, Niu et al. [56] reported a method for calibration and identification of gas sensors by using the temperature pulse modulation method. In the pulse period, the modified Hill equation was used to calibrate the transient resistance of the sensor, and then the relevant parameters were extracted from the modified Hill equation to detect various gases. Moreover, Chu et al. [54] used an array composed of four sensors to realize CO and NO2 gas detection by extracting the feature parameters of the fitting plots of the response time and recovery time.

3.5. Transform Domain

The transform domain method distinguishes the material characteristics by the transform coefficient. Fourier transform, as the cornerstone of signal processing, converts signals from the time domain to the frequency domain, and FFT optimizes the discrete signal processing to reduce computing costs. However, the delocalization of the Fourier transform information limits the acquisition of time information. To this end, STFT tries to introduce a time dimension, but is still constrained by the window length. Furthermore, wavelet transform, especially DWT, with its unique adaptive window width technology, can deeply analyze frequency components while maintaining time information and is especially good at capturing abrupt features in signals, becoming the preferred tool for VOCs feature extraction [16]. Moreover, DWT can accurately capture local frequency information through the flexible transformation of wavelet basis functions, such as extension and translation, which greatly enhances its applicability and flexibility.
Meng et al. [57] adopted fourth-order wavelet transform and SVM mode to identify ethanol, methanol, propanol, 2-butanone and butyl acetate gases, and the accuracy rate was increased from 92.24% to 99%. Acharyya et al. [46] proposed a DNN and DWT model to reduce the average error of acetone, benzene, ethanol, formaldehyde, methanol, propanol and toluene gases to 8.41%, 9.68%, 7.23%, 6.85%, 5.33%, 6.57% and 8.11%, respectively. Acharyya et al. [31] applied discrete wavelet transform (DWT) technology to the transient response curve to extract features from the signal, resulting in an average accuracy of 93.75%, 94.67%, 92.3% and 91.45% for the identification of formaldehyde, methanol, propanol and toluene gases, respectively. Acharyya et al. [27] used fast Fourier transform (FFT) and discrete wavelet transform (DWT) for global normalization to achieve excellent feature extraction.

4. Traditional Recognition Algorithms

Machine learning is an effective data processing method for extraction parameters that has been extensively applied to improve selectivity and compensate for the error of gas detection [58]. These methods are multidimensional in the analysis of feature parameters, and the common methods mainly include principal component analysis (PCA), LDA, and support vector machine (SVM), KNN and random forest. The main advantage of these methods is their ability to process large amounts of data and simplified information for the end user. Here, the traditional recognition algorithms are systematically introduced for their application in gas recognition.

4.1. Principal Component Analysis

Principal component analysis (PCA), also known as matrix data analysis, is a common linear dimensionality reduction technique. This method is generally applied to discover and develop relationships between different variables in a large multivariate data set and condense them into lower-dimensional space, simplifying the multivariate data set [40].
In recent years, the PCA algorithm has been widely used in the research of gas classification and recognition in environmental monitoring, public safety and other fields, which is summarized in Table 1. For instance, Meng et al. [59] built a complete sensor test platform, analyzed the recognition rates of precursor chemicals using principal component analysis, and carried out quantitative evaluation using SVR. The results showed that the MAE of dynamic measurement was better than that of static measurement, and the accuracy of dynamic identification of interference samples could reach 87.5%. As shown in Figure 3a, the drug detection platform consists of an air chamber, a synthetic gas cylinder, a microjet pump, a programmable DC power supply, and a computer. Ji et al. [60] used principal component analysis (PCA) without PC1, and the recognition rate was 100% regardless of the k value used. Deng et al. [53] proposed a PT-modified ZnO gas sensor to distinguish ethanol, methanol, acetone, formic acid and ether gases based on a temperature and light modulation method. The principal component analysis method was used to analyze the features extracted from the response curves, and the recognition accuracy reached 95.55%; the visualization results are shown in Figure 3b. In addition, Niu et al. [56] used a temperature pulse operation strategy to detect low concentrations of VOCs, and successfully used PCA combined with the Hill equation to increase the recognition rate to 100% at a 500 ppb concentration of ethanol, formaldehyde, toluene, acetone and other gases (Figure 3c). As shown in Figure 3d, Ji et al. [61] proposed a self-made gas-sensitive measurement method for ether gas, obtained dynamic response signals through temperature modulation, and improved the recognition accuracy of 0~5 V, 1~5 V, and 2~5 V triangular waves from 83.33%, 90%, and 96.66% to 100% through PCA inverse transformation. As shown in Figure 3e, Shaposhnik et al. [55] proposed a single gas sensor that used a self-made gas sensing layer to selectively distinguish between hydrogen sulfide, ethanol, and methane using the PCA algorithm, with an accuracy of 99.3%.
Although PCA has shown advantages in unsupervised learning and linear data processing, it is ineffective in differentiating electronic nose datasets that contain classification information and nonlinear features. This limitation largely restricts the wide application and development of chemiresistive gas sensors.

4.2. Linear Discriminant Analysis

LDA, as a multidimensional data analysis strategy, is similar to PCA, but their purposes and implementation methods are different. LDA is committed to characterizing datasets through well-designed orthogonal dimensions that not only measure the dispersion of the data, but also incorporate considerations of statistical properties, such as mean values. Unlike PCA, which simply seeks to maximize the direction of data variation, LDA pays more attention to using the power of statistical analysis to accurately classify each data instance into its category [44]. It is precisely because of its unique dimension selection mechanism that LDA shows better classification performance than PCA after simplifying the data to low-dimensional space.
For example, Swarga et al. [66] proposed an identification system to measure tobacco by using the LDA algorithm, acquiring an average recognition accuracy of 93%. In the field of gas detection, as shown in Figure 4a, Zhang et al. [12] fabricated an electronic nose system and constructed a gas identification model based on the LDA algorithm, obtaining a high accuracy of 89.07% and 92.35% for the gases of carbon monoxide and methane under the interference of hydrogen and formaldehyde. As shown in Figure 4b, Phuoc et al. [67] proposed four kinds of NFs-based sensors and exhibited high selectivity for H2S and NO2 in the low concentration of 0.1–1 ppm based on the LDA algorithm (Figure 4b). As shown in Figure 4c, Souissi et al. [68] used ZnO-based sensors to detect the sensing process of mixed gas and also used the LDA algorithm to detect ethanol and toluene efficiently. As shown in Figure 4d, Mu et al. [69] developed an electronic nose composed of seven metal oxide semiconductor sensors to realize rapid classification of milk samples through reduction and feature fusion through LDA technology.
However, it is worth noting that the LDA method may cause overfitting problems due to excessive dependence on data, which will affect the accuracy of gas identification and make its performance decline.

4.3. Support Vector Machines

Support vector machine (SVM) is an optimization model based on a mathematical mapping mechanism whose purpose is to accurately classify data sets. The model implements binary partitioning of data by mapping it to a specific segment plane (hyperplane) in a high-dimensional space [41]. In addition, SVM has introduced nonlinear variants to enhance their applicability in complex scenarios. Due to its characteristics of single processing and iterative learning, SVM can efficiently process limited data sets, which is different from LDA, PCA and other methods that require large training samples to show advantages. SVM makes full use of each data point in the iterative process, getting rid of the dependence on covariance information and maintaining stable prediction accuracy even on small-scale data sets, which is more flexible and efficient than LDA and PCA.
Recently, Mu et al. [69] developed an electronic nose consisting of seven MOS gas sensors to establish a classification model for milk source identification by using three machine learning algorithms: logistic regression (LR), support vector machine (SVM) and random forest (RF). The results showed that the SVM model based on LDA fusion features demonstrated the best performance, with an accuracy of 95%. In another study, Kanaparthi et al. [70] applied SVM to process data composed of sensor response and ternary logic to predict the presence of gases in the air, and it exhibited high prediction accuracy. Meng et al. [71] tested the dynamic output current of a sensor for gases with different concentrations (such as ethanol, toluene, 2-butanone, acetone and ether), and acquired a classification accuracy of 100% based on the SVM algorithm. Moreover, Thai and Tonezzer et al. [72] chose the support vector machine (SVM) to construct classification models for gas recognition. Their results proved that the SVM algorithm can distinguish all of the tested gases well, and the classification performance in 4D space was better than that in 2D space.
SVM, as a small sample learning technology, has the unique advantage of being able to efficiently handle the small-scale data sets of an electronic nose. However, in a case of missing data, the performance of this method can be severely affected, which may reduce the accuracy of gas identification.

4.4. Random Forest

Random forest (RF) algorithms perform learning and prediction tasks of data by integrating multiple decision trees. Specifically, the algorithm builds a collection of decision trees, and each of them learns and predicts independently from the input sample. Ultimately, RF determines the final category of the sample by aggregating the predictions of these decision trees, usually using a majority voting mechanism [73].
Sun et al. [74] used common machine learning algorithms of RF and KNN to build an intelligent gas sensing mode, and this sensing mode has been successfully applied in cigarette brand recognition. Both of these machine learning algorithms have a high accuracy rate, more than 95%; specifically, KNN has an accuracy rate of 96.29%, while RF has a slightly better accuracy rate of 96.32%. Acharyya et al. [28] used SnO2 gas sensors to identify formaldehyde, 2-propanol, toluene, and methanol. After comparing different machine learning algorithms, including RF, SNM, NB, MLP, etc., it was found that RF showed the best performance, with a maximum accuracy of 100% and an average accuracy of 85.93%. Mu et al. [69] developed an electronic nose consisting of seven MOS sensors to identify the source of milk and estimate the fat and protein content of milk. The recognition model was constructed by using GBDT, XGBoost and RF algorithms, and the results showed that the RF algorithm exhibited the best performance (milk fat R2 = 0.9399; milk protein R2 = 0.9301).
RF (random forest) shows significant advantages in dealing with high dimensional and unevenly distributed data sets. However, when facing a small sample size data set, its classification performance may be limited. In addition, compared with a single decision tree algorithm, the construction process of a RF model is complex, which leads to an increase in computing consumption.

4.5. K-Nearest Neighbor

The K-nearest neighbor (K-NN) algorithm is a widely used technique in the field of supervised learning, suitable for both classification and regression tasks. The core mechanism is training the data set to construct a partitioning strategy for the feature space, which is then solidified into an algorithmic model that can be used to classify new samples or make regression predictions [35].
Recently, Li and Yu [11] proposed a thin conical metal housing excited by a piezoelectric disk to serve as a focused ultrasonic transducer and protective housing for the SnO2 gas sensor, innovatively integrating two gas sensing units on the metal halide perovskite substrate to create a compact and efficient gas sensor array. Then, the recognition mechanism was constructed by using the K-nearest neighbor (KNN) algorithm, which realized accurate classification of eight gases and their mixtures, such as hydrogen and ammonia, with a recognition rate up to 99.86%. In another study, Xu et al. [75] proposed a MOS gas sensor array to construct a new hybrid method for gas identification. The method classifies the gas by the K-nearest neighbor (KNN) algorithm and detects the concentration by MVRVM regression. The experimental results showed that the accuracy was 98.33%, which is better than the PCA and ICA algorithms.
The K-NN algorithm is widely used in the field of gas identification, and its popularity is mainly due to its simplicity and good adaptability to the diversity of data distribution. Nevertheless, K-NN may exhibit high computational complexity when dealing with large data sets and be sensitive to noise and interference with non-critical features that are common in gas sensor data.

5. Neural Network Algorithm

In the previous chapter, we introduced the application and progress of traditional recognition algorithms in the field of gas sensing. Although these traditional recognition algorithms exhibit some advantages in gas detection, there are obvious shortcomings in complex environment gas detection. To improve the accuracy of pattern recognition, a neural network algorithm was developed to closely match the distribution of feature spatial data, reduce redundant information, and ensure the efficiency of gas detection. In the following part, neural network algorithms are introduced.

5.1. Artificial Neural Network (ANN)

Artificial neural networks (ANN), as an information processing tool, mimic the way biological brains work, and unlike traditional computer algorithms that execute instructions, they rely on highly interconnected networks of neurons to process information in parallel. The ANN structure usually includes an input layer, a hidden layer, and an output layer [76]. The input layer receives data from the gas sensor’s signal, and the output layer feeds back the processing results to the user through the machine control system. The neurons in the hidden layer are responsible for processing the input data, and these data are transferred to the output layer through a specific function. The connection mode of the neurons determines the data processing strategy, and the user can adjust these connections based on the features and application requirements of gas detection.
As shown in Figure 5a, Krivetskiy et al. [45] used three SnO2-based materials: pure SnO2, gold modified SnO2, and bimetallic Au and Pd modified SnO2 to construct a sensor array. A machine learning algorithm based on an artificial neural network (ANN) was used to preprocess the signals from a temperature-regulated array sensor through a statistical shape space, thereby greatly improving the selectivity of gas recognition. Moreover, Wawrzyniak [77] proposed a method based on B-spline curves and an artificial neural network (ANN) to detect gases via the thermal modulation MOS gas sensor of TGS2610C and realized quantitative analysis of volatile components (ethanol and acetone) in a mixture, as shown in Figure 5b.
ANN training is mainly realized through two ways: supervised learning and unsupervised learning. In the gas detection process, the operation of an E-nose mainly relies on supervised learning, which requires a large number of labels to guide the network learning to construct the identification model. Although unsupervised learning has many advantages in terms of autonomy, it is still in its infancy for gas detection at present.

5.2. Recurrent Neural Network (RNN)

RNN introduces a memory mechanism based on traditional neural networks to save historical information and output it by combining it with the current input. This design enhances the sensitivity of the RNN to time series data [26].
Schober et al. [79] detected low O3 and NO2 based on a graphene gas sensor, built an identification model using the RNN algorithm, and obtained a low RMSE of 11.14 ppb and MAE of 9.87~10.95 ppb. As shown in Figure 5c, Pan et al. [78] adopted the double loss function recurrent neural network (2L-ARNN) algorithm to accurately recognize air, CO, ethylene, and methane within 5 s, with an accuracy of 97.67%, which is significantly improved compared with the traditional method.
This RNN algorithm is able to efficiently extract key features in a gas sensing signal even with relatively small sizes of data, making it a popular choice in the field of rapid gas identification. However, the application of RNN should also consider the potential gradient dissipation problem, which may affect the training quality and final performance of the model.

5.3. Back Propagation Neural Network (BPNN)

BPNN, or a backpropagation neural network, is a multi-layered neural network model that combines forward propagation and error feedback. The network achieves complex nonlinear transformation from the input data to the desired output by finely adjusting the connection weights between the neurons in each layer [58]. In particular, it uses a backpropagation algorithm as a learning mechanism to effectively optimize these weights, allowing the network to predict or classify data with more accuracy.
Chu et al. [54] used sensor arrays and backpropagation neural networks (BPNN) to identify 11 mixtures of nitrogen dioxide (NO2) and carbon monoxide (CO) in the concentrations of 0–50 ppm, exhibiting a high classification accuracy of 100%. Figure 6a shows the three-layer BP neural network, the quantitative recognition of CO and NO2 concentrations by BPNN, and the error of the test set. Liu et al. [80] adopted four machine learning technologies of XGBoost, RF, SVM and BPNN to construct a recognition mode distinguishing wine odors based on the portable electronic monitoring device of a TGS MOS gas sensor (in Figure 6b). The results showed that BPNN performs best in appellation and variety recognition, with an accuracy of 94% and 92.5%, respectively. Li et al. [11] established a P-neighborhood backpropagation neural network (pN-BPNN) model for quantitative estimation of concentrations. As can be observed in Figure 6c, the results showed that the average absolute percentage error of hydrogen detection in the pN-BPNN model decreased from 5.44% to 2.08% in the range of 15 to 500 ppm.
After a thorough review of the latest progress with the BPNN algorithm in the application of a chemiresistive-based electronic nose, we found that it exhibits excellent classification accuracy. However, the BPNN algorithm inevitably leads to a surge in computation when dealing with complex gas classification tasks, extending the training period. In order to improve the efficiency of a BP neural network in gas detection, it is necessary to optimize the network layer number and parameter configuration.

5.4. Radial Basis Function Neural Networks (RBFNN)

As a special feedforward network, RBFNN is characterized by its excellent approximation ability, simplicity in design, strong generalization potential, effective resistance to input noise, and excellent online learning adaptability [81]. Moreover, RBFNN can simulate any continuous nonlinear network mapping with high accuracy.
Jiang et al. [82] innovatively proposed the EQBC-RBFNN technology, inspired by the integration of RBFNN, to evaluate the performance of an electronic nose equipped with a SnO2-based MOS gas sensor for detecting benzene, toluene, formaldehyde and other indoor pollutants. Compared with LDA, BPNN, RBFNN, KNN, SVM and other traditional methods, this EQBC-RBFNN technology significantly improved the accuracy of the electronic nose in gas classification.
In the application of a gas sensor, the RBFNN algorithm significantly avoids the local optimal solution dilemma that BPNN may encounter, and its excellent robustness and real-time learning ability provide strong support for improving the overall performance of the sensor. However, it is worth noting that both RBFNN and BPNN share a common challenge regarding data requirements, namely that both algorithms require large amounts of data to adequately train network parameters. Therefore, exploring how to streamline the network architecture to achieve efficient training with less data and shorter time has become the focus of current research.

5.5. Convolutional Neural Network (CNN)

The convolutional neural network (CNN) is inspired by the workings of biological visual systems in nature. The network structure usually consists of one or more layers of convolution units, pooling modules and fully connected layers, and a combination of these layers can achieve efficient extraction and recognition of image features [37].
Wang et al. [83] proposed an innovative joint recognition algorithm, GUCNN-XGBoost, in which the CNN structure is combined with a GRU unit, cascaded fusion BMC, and TSC. In the concentration range of 50~300 ppm, the identification accuracy of toluene, butanone and ether were improved to 97.54%. Pan et al. [84] introduced a transformer network to identify gases, combined a multi-scale convolutional network with a self-attention mechanism, and proposed a multi-scale convolutional neural network (MCNA) to identify nine gases such as acetaldehyde and acetone, achieving a high recognition accuracy of about 95%. Chu et al. [54] converted dynamic curves into grayscale images through grayscale processing and introduced a convolutional neural network (CNN) to construct a recognition model with an ultra-high recognition accuracy of 100%. Moreover, Yang et al. [26] used a SnO2 gas sensor to distinguish a variety of mixed gases based on the CNN model, with a detailed diagram of the sensor unit and the structure of the CNN model given in Figure 7a. The experimental results showed that it acquired a low prediction error of 12.3% in a low concentration (<1 ppm) and 5.7% in a high concentration (>1 ppm). In another study, Peng et al. [30] proposed a new 38-layer deep convolutional neural network (DCNN) for the detection of carbon monoxide, methane, hydrogen, and acetylene by using a gas sensor array composed of eight commercial MOS sensors. Figure 7b shows a structural framework that convolves two typical convolutional layers into a single convolutional block, as well as training accuracy and validation accuracy graphs, training loss graphs, and validation loss graphs. The experimental results showed that DCNN has higher classification accuracy than similar support vector machines (SVM) and multi-layer perceptrons (MLPs).
The CNN algorithm shows excellent feature extraction ability in the application of gas sensing for sensor arrays and exhibits excellent classification accuracy and training efficiency. However, the selection of pooling layer parameters is very important for the classification results and it is easy to fall into local optimization during gradient descent training.

5.6. Summary of Gas Recognition Technology Based on Neural Networks

In Table 2, we summarized the research on semiconductor gas sensing applied to recognize gases using pattern recognition algorithms. It can be observed that a semiconductor gas sensor has been used to recognize VOCs, H2, NH3 and CO in the fields of environmental monitoring, public safety and food industry based on pattern recognition algorithms and realized ultra-high accuracy.

5.7. Comparison of Characteristics of Pattern Recognition Algorithms

In Table 3, we compare the characteristics of traditional algorithms and neural networks in gas pattern recognition. The traditional algorithm is fast in training and good in interpretation, but it is sensitive to losing data and suitable for classification and dimensionality reduction. Among them, LDA and SVM are suitable for classification tasks, PCA is used for dimensionality reduction, RF and K-NN perform well on large data sets, but K-NN is more complex for calculation. Neural networks are mostly supervised learning, which may be slow in training and require a large amount of data and regularization technology, but they have strong fault tolerance. RNN is good at sequence processing, CNN is good at image recognition, and both have good noise robustness. RBFNN and CNN train faster. Although the neural network model is complex and easy to overfit, with enough training samples, its accuracy is usually higher than the traditional algorithm, and it can achieve a higher recognition effect by adjusting the network structure and other optimization.

6. Summary and Outlook

This review demonstrates the key role of chemiresistive gas sensors in the field of gas detection, and discusses the challenges faced by sensors and the technological progress in recent years. Sensor selectivity and long-term stability are the focus of current research, and the application of advanced technologies such as nanotechnology, hybrid materials, and machine learning have significantly improved sensor performance. At the same time, response signal analysis, feature extraction, pattern recognition and other methods are also widely used. These methods, through more in-depth analysis and processing of sensor signals, effectively realize the compensation of drift, thus greatly improving the processing and interpretation of sensor data. These advances provide new possibilities for the development and application of gas detection technology. In the future, with the continuous advancement of science and technology, chemiresistive gas sensors need to make greater breakthroughs in performance and application. Regarding this, there are some suggestions that can be used to improve gas detection performance:
(1)
The selectivity and stability of the sensor can be further studied and optimized by designing the structure of the gas sensor and testing models to meet actual needs in complex environments. For example, the FET type and the impedance type gas sensor can acquire more features than traditional resistive type gas sensors. Moreover, the pulse testing method can be an effective way to significantly enhance their sensing performance, such as pulse heat and pulse light modulation methods, which can acquire transient response characteristics and enhance real-time detection efficiency.
(2)
Developing new pattern recognition algorithms is a feasible way to promote the application of rapid gas sensing technology, such as the fuzzy logic and hidden Markov model. Fuzzy logic can deal with the uncertainty of sensor signals by defining fuzzy sets and rules to reduce cross-sensitivity, and it can flexibly use small sample data to determine parameters to ease the dependence on a large number of samples. It is expected that through the effective use of fuzzy sets and rules, the selectivity of target gases can be significantly improved and their dependence on large-scale data sets can be reduced. The hidden Markov model regards gas detection as a time series process and uses a probabilistic model to describe state changes, which is helpful to distinguish signals affected by cross-sensitivity and can also effectively estimate model parameters for training and verification under limited samples. The application of a hidden Markov model indicates that even in the case of limited samples, it can enhance the accuracy and robustness of gas detection through time series analysis and effectively solve the challenges brought by cross-sensitivity.

Author Contributions

Conceptualization, G.Z. and B.D.; resources, G.Z., J.Z., L.C., J.Y. and M.Z.; writing—original draft preparation, G.Z.; writing—review and editing, G.Z., B.D., B.P. and B.T.; supervision, B.P., B.T. and Y.H.; funding acquisition, B.P.; validation, B.D., Y.S. and Z.L.; investigation, J.Z., L.C., Y.S., J.Y., M.Z. and T.S.; formal analysis, Z.L., T.S. and Y.H. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the Scientific Research Foundation of Chongqing University of Technology (Nos. 2021ZDZ017 and 2023ZDZ030), the Science and Technology Research Program of Chongqing Municipal Education Commission (No. KJQN202401163), and the Chongqing Technology Innovation and Application Development of Sichuan-Chongqing Science and Technology Cooperation Plan (No. CSTB2024TIAD-CYKJCXX0014).

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
E-noseElectronic-nose
MOSMetal Oxide Semiconductor
ANNArtificial Neural Network
CNNConvolutional Neural Network
MLPMultilayer Perceptron
SMOSequential Minimal Optimization
VOCsVolatile Organic Compounds
DNNDeep Neural Network
DCNNDeep Convolutional Neural Network
DWTDiscrete Wavelet Transform
FFTFast Fourier Transform
R-T curveResistance-Temperature curve
PCFPolynomial Curve Fitting
STFTShort-Time Fourier Transform
SVMSupport Vector Machine
SADSemi-supervised Adversary-Domain Adaptive Convolutional neural network
MLMachine Learning
PCAPrincipal Component Analysis
LDALinear Discriminant Analysis
K-NNK-Nearest Neighbors
SVRSupport Vector Regression
LRLogistic Regression
RFRandom Forest
NBNaive Bayes
ICAIndependent Component Analysis
GBDTGradient Boosting Decision Tree
XGBoostExtreme Gradient Boosting
R2Coefficient of Determination
RNNRecurrent Neural Network
BPNNBack-Propagation Neural Network
RBFNNRadial Basis Function Neural Network
MCNAMulti-scale Convolutional Neural Network with Attention

References

  1. Khan, A.; Rashid, M.; Hossain, G. Industrially Scalable Piezoresistive Smart-Textile Sensor for Flexible Electronics Application. ACS Sens. 2023, 8, 4801–4809. [Google Scholar] [CrossRef] [PubMed]
  2. Singh, K.; Pombeiro, A.J.L.; Garazade, I.M.; Sun, Q.; Mohan, B. Plasmon-enhanced fluorescence sensors for food and environmental samples monitoring. Microchem. J. 2024, 197, 109888. [Google Scholar] [CrossRef]
  3. Marlar, T.; Harb, J.N. MOF-Enabled Electrochemical Sensor for Rapid and Robust Sensing of V-Series Nerve Agents at Low Concentrations. ACS Appl. Mater. Interfaces 2024, 16, 9569–9580. [Google Scholar] [CrossRef]
  4. Javaid, S.; Zeadally, S.; Fahim, H.; He, B. Medical sensors and their integration in wireless body area networks for pervasive healthcare delivery: A review. IEEE Sens. J. 2022, 22, 3860–3877. [Google Scholar] [CrossRef]
  5. Verma, G.; Gokarna, A.; Kadiri, H.; Nomenyo, K.; Lerondel, G.; Gupta, A. Multiplexed gas sensor: Fabrication strategies, recent progress, and challenges. ACS Sens. 2023, 8, 3320–3337. [Google Scholar] [CrossRef] [PubMed]
  6. Lee, J.C.; Kim, S.Y.; Song, J.; Jang, H.; Kim, M.; Kim, H.; Choi, S.O.; Kim, S.; Park, P.; Ingber, D.E.; et al. Micrometer-thick and porous nanocomposite coating for electrochemical sensors with exceptional antifouling and electroconducting properties. Nat. Commun. 2024, 15, 711. [Google Scholar] [CrossRef]
  7. Praveena, U.; Raja, V.; Ragavan, K.V.; Anandharamakrishnan, C. Optical detection probes and sensors for micro-/nano-plastics. Rev. Environ. Sci. Bio/Technol. 2024, 23, 569–599. [Google Scholar] [CrossRef]
  8. Wang, P.; Li, X.; Sun, G.; Wang, G.; Han, Q.; Meng, C.; Wei, C.; Li, Y. Natural Human Skin-Inspired Wearable and Breathable Nanofiber-based Sensors with Excellent Thermal Management Functionality. Adv. Fiber Mater. 2024, 1–14. [Google Scholar] [CrossRef]
  9. Heng, Y.; Zhou, Y.; Nguyen, D.H.; Jiao, M. An Electronic Nose Drift Compensation Algorithm Based on Semi-Supervised Adversarial Domain Adaptive Convolutional Neural Network. Sens. Actuators B Chem. 2024, 422, 136642. [Google Scholar] [CrossRef]
  10. Sun, J.; Zheng, H.; Diao, W.; Sun, Z.; Qi, Z.; Wang, X. Prototype-Optimized unsupervised domain adaptation via dynamic Transformer encoder for sensor drift compensation in electronic nose systems. Expert Syst. Appl. 2024, 260, 125444. [Google Scholar] [CrossRef]
  11. Li, Z.; Yu, J.; Dong, D.; Yao, G.; Wei, G.; He, A.; Wu, H.; Zhu, H.; Huang, Z.; Tang, Z. E-nose based on a high-integrated and low-power metal oxide gas sensor array. Sens. Actuators B Chem. 2023, 380, 133289. [Google Scholar] [CrossRef]
  12. Zhang, J.; Xue, Y.; Sun, Q.; Zhang, T.; Chen, Y.; Yu, W.; Xiong, Y.; Wei, X.; Yu, G.; Wan, H.; et al. A miniaturized electronic nose with artificial neural network for anti-interference detection of mixed indoor hazardous gases. Sens. Actuators B Chem. 2021, 326, 128822. [Google Scholar] [CrossRef]
  13. Rath, R.J.; Farajikhah, S.; Oveissi, F.; Dehghani, F.; Naficy, S. Chemiresistive Sensor Arrays for Gas/Volatile Organic Compounds Monitoring: A Review. Adv. Eng. Mater. 2023, 25, 2200830. [Google Scholar] [CrossRef]
  14. Park, K.M.; Kim, T.W.; Park, J.H.; Park, C.O. Applicability of superposition for responses of resistive sensors in a diluted mixed gas environment. Sens. Actuators B Chem. 2017, 239, 841–847. [Google Scholar] [CrossRef]
  15. Wang, Y.; Wang, Y.; Jian, M.; Jiang, Q.; Li, X. MXene Key Composites: A New Arena for Gas Sensors. Nano-Micro Lett. 2024, 16, 1–42. [Google Scholar] [CrossRef]
  16. Fu, L.; You, S.; Li, G.; Li, X.; Fan, Z. Application of semiconductor metal oxide in chemiresistive methane gas sensor: Recent developments and future perspectives. Molecules 2023, 28, 6710. [Google Scholar] [CrossRef] [PubMed]
  17. Baharuddin, A.A.; Ang, B.C.; Haseeb, A.; Wong, Y.C.; Wong, Y.H. Advances in chemiresistive sensors for acetone gas detection. Mater. Sci. Semicond. Process. 2019, 103, 104616. [Google Scholar] [CrossRef]
  18. Jeong, S.Y.; Kim, J.S.; Lee, J.H. Rational design of semiconductor-based chemiresistors and their libraries for next-generation artificial olfaction. Adv. Mater. 2020, 32, 2002075. [Google Scholar] [CrossRef]
  19. Khan, M.A.H.; Thomson, B.; Debnath, R.; Motayed, A.; Rao, M.V. Nanowire-based sensor array for detection of cross-sensitive gases using PCA and machine learning algorithms. IEEE Sens. J. 2020, 20, 6020–6028. [Google Scholar] [CrossRef]
  20. Aurora, A. Algorithmic correction of MOS gas sensor for ambient temperature and relative humidity fluctuations. IEEE Sens. J. 2022, 22, 15054–15061. [Google Scholar] [CrossRef]
  21. Kang, X.; Deng, N.; Yan, Z.; Pan, Y.; Sun, W.; Zhang, Y. Resistive-type VOCs and pollution gases sensor based on SnO2: A review. Mater. Sci. Semicond. Process. 2022, 138, 106246. [Google Scholar] [CrossRef]
  22. Majhi, S.M.; Mirzaei, A.; Kim, H.W.; Kim, S.S.; Kim, T.W. Recent advances in energy-saving chemiresistive gas sensors: A review. Nano Energy 2021, 79, 105369. [Google Scholar] [CrossRef] [PubMed]
  23. 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] [PubMed]
  24. Zhang, T.; Tan, R.; Shen, W.; Lv, D.; Yin, J.; Chen, W.; Fu, H.; Song, W. Inkjet-printed ZnO-based MEMS sensor array combined with feature selection algorithm for VOCs gas analysis. Sens. Actuators B Chem. 2023, 382, 133555. [Google Scholar] [CrossRef]
  25. Acharyya, S.; Nag, S.; Guha, P.K. Selective detection of VOCs with WO 3 nanoplates-based single chemiresistive sensor device using machine learning algorithms. IEEE Sens. J. 2020, 21, 5771–5778. [Google Scholar] [CrossRef]
  26. Yang, Y.; Lin, S.; Hu, J. An ultrasonically catalyzed conductometric metal oxide gas sensor system with machine learning-based ambient temperature compensation. Sens. Actuators B Chem. 2023, 385, 133721. [Google Scholar] [CrossRef]
  27. Acharyya, S.; Nag, S.; Guha, P.K. Ultra-selective tin oxide-based chemiresistive gas sensor employing signal transform and machine learning techniques. Anal. Chim. Acta 2022, 1217, 339996. [Google Scholar] [CrossRef]
  28. Acharyya, S.; Jana, B.; Nag, S.; Saha, G.; Guha, P.K. Single resistive sensor for selective detection of multiple VOCs employing SnO2 hollowspheres and machine learning algorithm: A proof of concept. Sens. Actuators B Chem. 2020, 321, 128484. [Google Scholar] [CrossRef]
  29. Osowski, S.; Linh, T.H.; Brudzewski, K. Neuro-fuzzy TSK network for calibration of semiconductor sensor array for gas measurements. IEEE Trans. Instrum. Meas. 2004, 53, 630–637. [Google Scholar] [CrossRef]
  30. Peng, P.; Zhao, X.; Pan, X.; Ye, W. Gas classification using deep convolutional neural networks. Sensors 2018, 18, 157. [Google Scholar] [CrossRef]
  31. Acharyya, S.; Nag, S.; Guha, P.K. Discrimination of VOCs along with concentration change detection applying a combination of DWT and Machine Learning tools. In Proceedings of the 2021 IEEE Sensors, Sydney, Australia, 31 October–3 November 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1–4. [Google Scholar]
  32. Oh, J.; Kim, S.H.; Lee, M.J.; Hwang, H.; Ku, W.; Lim, J.; Hwang, I.S.; Lee, J.H.; Hwang, J.H. Machine learning-based discrimination of indoor pollutants using an oxide gas sensor array: High endurance against ambient humidity and temperature. Sens. Actuators B Chem. 2022, 364, 131894. [Google Scholar] [CrossRef]
  33. Radogna, A.V.; D’Amico, S.; Capone, S.; Francioso, L. A simulation study of an optimized impedance spectroscopy approach for gas sensors. In Proceedings of the 2019 IEEE 8th International Workshop on Advances in Sensors and Interfaces (IWASI), Otranto, Italy, 13–14 June 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 142–147. [Google Scholar]
  34. Wang, D.; Pan, J.; Huang, X.; Chu, J.; Yuan, H.; Yang, A.; Koratkar, A.; Wang, X.; Rong, M. Virtual alternating current measurements advance semiconductor gas sensors’ performance in the internet of things. IEEE Internet Things J. 2021, 9, 5502–5510. [Google Scholar] [CrossRef]
  35. Gutierrez-Osuna, R. Pattern analysis for machine olfaction: A review. IEEE Sens. J. 2002, 2, 189–202. [Google Scholar] [CrossRef]
  36. Marco, S.; Gutierrez-Galvez, A. Signal and data processing for machine olfaction and chemical sensing: A review. IEEE Sens. J. 2012, 12, 3189–3214. [Google Scholar] [CrossRef]
  37. Wang, H.; Zhao, Y.; Yuan, Z.; Ji, H.; Meng, F. Precursor Chemical Mixtures Analysis Using Joint VMD Adversarial Autoencoder and Multi-Task CNN Algorithm via Gas Sensor. IEEE Trans. Instrum. Meas. 2023, 72, 2526211. [Google Scholar]
  38. Kroutil, J.; Laposa, A.; Ahmad, A.; Voves, J.; Povolny, V.; Klimsa, L.; Davydova, M.; Husak, M. A chemiresistive sensor array based on polyaniline nanocomposites and machine learning classification. Beilstein J. Nanotechnol. 2022, 13, 411–423. [Google Scholar] [CrossRef] [PubMed]
  39. Ziyatdinov, A.; Marco, S.; Chaudry, A.; Persaud, K.; Caminal, P.; Perera, A. Drift compensation of gas sensor array data by common principal component analysis. Sens. Actuators B Chem. 2010, 146, 460–465. [Google Scholar] [CrossRef]
  40. Liu, H.; Meng, G.; Deng, Z.; Voves, J.; Povolny, V.; Klimsa, L.; Davydova, M.; Husak, M. Progress in research on VOC molecule recognition by semiconductor sensors. Acta Phys.-Chim. Sin. 2020, 38, 2008018. [Google Scholar] [CrossRef]
  41. Yaqoob, U.; Younis, M.I. Chemical gas sensors: Recent developments, challenges, and the potential of machine learning—A review. Sensors 2021, 21, 2877. [Google Scholar] [CrossRef]
  42. Wawrzyniak, J. Advancements in improving selectivity of metal oxide semiconductor gas sensors opening new perspectives for their application in food industry. Sensors 2023, 23, 9548. [Google Scholar] [CrossRef]
  43. Soora, N.R.; Deshpande, P.S. Review of feature extraction techniques for character recognition. IETE J. Res. 2018, 64, 280–295. [Google Scholar] [CrossRef]
  44. Yang, X.; Li, M.; Ji, X.; Chang, J.; Deng, Z.; Meng, G. Recognition algorithms in E-nose: A Review. IEEE Sens. J. 2023, 23, 20460–20472. [Google Scholar] [CrossRef]
  45. Krivetskiy, V.V.; Andreev, M.D.; Efitorov, A.O.; Gaskov, A.M. Statistical shape analysis pre-processing of temperature modulated metal oxide gas sensor response for machine learning improved selectivity of gases detection in real atmospheric conditions. Sens. Actuators B Chem. 2021, 329, 129187. [Google Scholar] [CrossRef]
  46. Acharyya, S.; Bhowmick, P.K.; Guha, P.K. Selective identification and quantification of VOCs using metal nanoparticles decorated SnO2 hollow-spheres based sensor array and machine learning. J. Alloys Compd. 2023, 968, 171891. [Google Scholar] [CrossRef]
  47. Wang, J.; Wang, L.; Lin, J.; Xiao, R.; Chen, J.; Jin, P. Sensor fusion noise suppression method based on finite impulse response complementary filters. Measurement 2024, 232, 114680. [Google Scholar] [CrossRef]
  48. Golmohammadi, A.; Hasheminejad, N.; Hernando, D.; Vanlanduit, S. Performance assessment of discrete wavelet transform for de-noising of FBG sensors signals embedded in asphalt pavement. Opt. Fiber Technol. 2024, 82, 103596. [Google Scholar] [CrossRef]
  49. Guo, J.; Zhang, Z.; Zhang, T.; Zhao, X.; Li, C.; Yin, L.; Song, F.; Yan, J.; Sun, P.; Mi, W.; et al. Low-frequency noise suppression method based on rotational modulation for vectorized magnetic sensor. Sens. Actuators A Phys. 2024, 372, 115323. [Google Scholar] [CrossRef]
  50. Harindranath, A.; Arora, M. Effect of Sensor Noise Characteristics and Calibration Errors on the Choice of IMU-Sensor Fusion Algorithms. Sens. Actuators A Phys. 2024, 379, 115850. [Google Scholar] [CrossRef]
  51. Wang, L.; Lv, H.; Zhao, Y.; Wang, C.; Luo, H.; Lin, H.; Xie, J.; Zhu, w.; Zhong, W.; Liu, B.; et al. Sub-ppb level HCN photoacoustic sensor employing dual-tube resonator enhanced clamp-type tuning fork and U-net neural network noise filter. Photoacoustics 2024, 38, 100629. [Google Scholar] [CrossRef]
  52. Yan, J.; Guo, X.; Duan, S.; Jia, P.; Wang, L.; Peng, C.; Zhang, S. Electronic nose feature extraction methods: A review. Sensors 2015, 15, 27804–27831. [Google Scholar] [CrossRef]
  53. Deng, Q.; Gao, S.; Lei, T.; Ling, Y.; Zhang, S.; Xie, C. Temperature & light modulation to enhance the selectivity of Pt-modified zinc oxide gas sensor. Sens. Actuators B Chem. 2017, 247, 903–915. [Google Scholar]
  54. Chu, J.; Li, W.; Yang, X.; Wu, Y.; Wang, D.; Yang, A.; Yuan, H.; Wang, X.; Li, Y.; Rong, M. Identification of gas mixtures via sensor array combining with neural networks. Sens. Actuators B Chem. 2021, 329, 129090. [Google Scholar] [CrossRef]
  55. Shaposhnik, A.; Moskalev, P.; Sizask, E.; Ryabtsev, S.; Vasiliev, A. Selective detection of hydrogen sulfide and methane by a single MOX-sensor. Sensors 2019, 19, 1135. [Google Scholar] [CrossRef] [PubMed]
  56. Niu, G.; Zhuang, Y.; Hu, Y.; Liu, Z.; Wu, B.; Wang, F. Selective discrimination of VOCs gases at ppb-level using MOS gas sensor in temperature-pulsed operation mode with modified Hill equation. Surf. Interfaces 2024, 44, 103761. [Google Scholar] [CrossRef]
  57. Meng, F.; Ji, H.; Yuan, Z.; Chen, Y.; Zhang, H.; Qin, W.; Gao, H. Dynamic measurement and recognition methods of SnO2 sensor to VOCs under zigzag-rectangular wave temperature modulation. IEEE Sens. J. 2021, 21, 10915–10922. [Google Scholar] [CrossRef]
  58. 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]
  59. Meng, F.; Luan, X.; Mi, C.; Ji, H.; Zhu, H.; Yuan, Z. Recognition Algorithm for Detection of Precursor Chemicals by Semiconductor Gas Sensor Array Under Dynamic Measurement. IEEE Sens. J. 2023, 23, 1818–1826. [Google Scholar] [CrossRef]
  60. Ji, H.; Qin, W.; Yuan, Z.; Meng, F. Qualitative and quantitative recognition method of drug-producing chemicals based on SnO2 gas sensor with dynamic measurement and PCA weak separation. Sens. Actuators B Chem. 2021, 348, 130698. [Google Scholar] [CrossRef]
  61. Ji, H.; Zhu, H.; Zhang, R.; Gao, H.; Yuan, Z.; Meng, F. Suppress ambient temperature interference strategy based on SnO2 gas semiconductor sensor using dynamic temperature modulation mode and principal component analysis algorithm. Sens. Actuators B Chem. 2023, 395, 134543. [Google Scholar] [CrossRef]
  62. Meng, F.; Mi, C.; Luan, X.; Ji, H.; Zhu, H.; Yuan, Z. Detection of Drug-Producing Chemicals Based on Gas Sensor Array with Dynamic Temperature Modulation. IEEE Sens. J. 2023, 23, 8109–8119. [Google Scholar] [CrossRef]
  63. Ji, H.; Yuan, Z.; Zhu, H.; Qin, W.; Wang, H.; Meng, F. Dynamic temperature modulation measurement of VOC gases based on SnO2 gas sensor. IEEE Sens. J. 2022, 22, 14708–14716. [Google Scholar] [CrossRef]
  64. Yang, I.H.; Jin, J.H.; Min, N.K. A micromachined metal oxide composite dual gas sensor system for principal component analysis-based multi-monitoring of noxious gas mixtures. Micromachines 2019, 11, 24. [Google Scholar] [CrossRef] [PubMed]
  65. Potyrailo, R.A.; Surman, C. A passive radio-frequency identification (RFID) gas sensor with self-correction against fluctuations of ambient temperature. Sens. Actuators B Chem. 2013, 185, 587–593. [Google Scholar] [CrossRef] [PubMed]
  66. Swarga, L.A.; Rivai, M.; Kusuma, H. Tobacco Aroma Classification using EHTS, Gas Sensor Array, and LDA Algorithm. In Proceedings of the 2022 International Seminar on Intelligent Technology and Its Applications (ISITIA), Surabaya, Indonesia, 20–21 July 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 103–107. [Google Scholar]
  67. Phuoc, P.H.; Viet, N.N.; Chien, N.V.; Van Hoang, N.; Hung, C.M.; Hoa, N.D.; Duy, N.V.; Hong, H.S.; Trung, D.D.; Hieu, N.V. Comparative study of CuO/Co3O4 external and CuO-Co3O4 internal heterojunctions: Do these factors always enhance gas-sensing performance? Sens. Actuators B Chem. 2023, 384, 133620. [Google Scholar] [CrossRef]
  68. Souissi, R.; Bouricha, B.; Bouguila, N.; El Mir, L.; Labidi, A.; Abderrabba, M. Chemical VOC sensing mechanism of sol–gel ZnO pellets and linear discriminant analysis for instantaneous selectivity. RSC Adv. 2023, 13, 20651–20662. [Google Scholar] [CrossRef]
  69. Mu, F.; Gu, Y.; Zhang, J.; Zhang, L. Milk source identification and milk quality estimation using an electronic nose and machine learning techniques. Sensors 2020, 20, 4238. [Google Scholar] [CrossRef]
  70. Kanaparthi, S.; Singh, S.G. Discrimination of gases with a single chemiresistive multi-gas sensor using temperature sweeping and machine learning. Sens. Actuators B Chem. 2021, 348, 130725. [Google Scholar] [CrossRef]
  71. Meng, F.; He, L.; Ji, H.; Yuan, Z. Sawtooth wave temperature modulation measurement method for recognizing five kinds of VOCs based on ZnO gas sensor. Measurement 2024, 228, 114342. [Google Scholar] [CrossRef]
  72. Thai, N.X.; Tonezzer, M.; Masera, L.; Nguyen, H.; Van Duy, N.; Hoa, N.D. Multi gas sensors using one nanomaterial, temperature gradient, and machine learning algorithms for discrimination of gases and their concentration. Anal. Chim. Acta 2020, 1124, 85–93. [Google Scholar] [CrossRef]
  73. Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
  74. Sun, W.; Wu, Z.; Yang, B.; Fan, S.; Hua, Z. Discriminative Detection of Different Cigarette Brands Using a Fast-Response Electronic Nose. ACS Omega 2023, 8, 46034–46042. [Google Scholar] [CrossRef] [PubMed]
  75. Xu, Y.; Zhao, X.; Chen, Y.; Zhao, W. Research on a mixed gas recognition and concentration detection algorithm based on a metal oxide semiconductor olfactory system sensor array. Sensors 2018, 18, 3264. [Google Scholar] [CrossRef] [PubMed]
  76. Liu, Z.; Hu, Y.; Wang, F.; Wong, M. A “Smart” Gas Sensing System Composed of Micro-Hotplates and Artificial Neural Network. J. Microelectromechanical Syst. 2024, 33, 227–235. [Google Scholar] [CrossRef]
  77. Wawrzyniak, J. Methodology for quantifying volatile compounds in a liquid mixture using an algorithm combining b-splines and artificial neural networks to process responses of a thermally modulated metal-oxide semiconductor gas sensor. Sensors 2022, 22, 8959. [Google Scholar] [CrossRef] [PubMed]
  78. Pan, X.; Zhang, Z.; Zhang, H.; Wen, Z.; Ye, W.; Yang, Y.; Ma, J.; Zhao, X. A fast and robust mixture gases identification and concentration detection algorithm based on attention mechanism equipped recurrent neural network with double loss function. Sens. Actuators B Chem. 2021, 342, 129982. [Google Scholar] [CrossRef]
  79. Schober, S.A.; Carbonelli, C.; Wille, R. Gas Discrimination Analysis of Neural Network Algorithms for a Graphene-Based Electronic Nose. In Proceedings of the 2022 IEEE 9th International Conference on Computational Intelligence and Virtual Environments for Measurement Systems and Applications (CIVEMSA), Chemnitz, Germany, 15–17 June 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 1–6. [Google Scholar]
  80. Liu, H.; Li, Q.; Yan, B.; Zhang, L.; Gu, Y. Bionic electronic nose based on MOS sensors array and machine learning algorithms used for wine properties detection. Sensors 2018, 19, 45. [Google Scholar] [CrossRef]
  81. Cao, L.; Gong, S.G.; Tao, Y.R.; Duan, S.Y. A RBFNN based active learning surrogate model for evaluating low failure probability in reliability analysis. Probabilistic Eng. Mech. 2023, 74, 103496. [Google Scholar] [CrossRef]
  82. Jiang, X.; Jia, P.; Luo, R.; Deng, B.; Duan, S.; Yan, J. A novel electronic nose learning technique based on active learning: EQBC-RBFNN. Sens. Actuators B Chem. 2017, 249, 533–541. [Google Scholar] [CrossRef]
  83. Wang, H.; Zhao, Y.; Ji, H.; Yuan, Z.; Kong, L.; Meng, F. EEMD and GUCNN-XGBoost joint recognition algorithm for detection of precursor chemicals based on semiconductor gas sensor. IEEE Trans. Instrum. Meas. 2022, 71, 2516412. [Google Scholar] [CrossRef]
  84. Pan, J.; Yang, A.; Wang, D.; Chu, J.; Lei, F.; Wang, X.; Rong, M. Lightweight neural network for gas identification based on semiconductor sensor. IEEE Trans. Instrum. Meas. 2021, 71, 2500908. [Google Scholar] [CrossRef]
  85. Oh, J.; Hwang, H.; Nam, Y.; Lee, M.I.; Lee, M.J.; Ku, W.; Song, H.W.; Pouri, S.S.; Lee, J.O.; An, K.S.; et al. Machine Learning-Assisted Gas-Specific Fingerprint Detection/Classification Strategy Based on Mutually Interactive Features of Semiconductor Gas Sensor Arrays. Electronics 2022, 11, 3884. [Google Scholar] [CrossRef]
  86. Mahdavi, H.; Rahbarpour, S.; Hosseini-Golgoo, S.M.; Jamaati, H. Reducing the destructive effect of ambient humidity variations on gas detection capability of a temperature modulated gas sensor by calcium chloride. Sens. Actuators B Chem. 2021, 331, 129091. [Google Scholar] [CrossRef]
  87. Kumar, J.R.R.; Pandey, R.K.; Sarkar, B.K. Pollutant gases detection using the machine learning on benchmark research datasets. Procedia Comput. Sci. 2019, 152, 360–366. [Google Scholar] [CrossRef]
Figure 1. Features of original response curve.
Figure 1. Features of original response curve.
Materials 17 05190 g001
Figure 2. (a) Signal preprocessing and polynomial curve fitting. Reprinted with permission from Ref. [45]. Copyright 2021, Elsevier. (b) Fitting the corresponding transient resistances of ethanol, formaldehyde, toluene and acetone gases to the modified Hill equation. Reprinted with permission from Ref. [56]. Copyright 2023, Elsevier. (c) Steady-state response and fitting curves for CO and NO2. Reprinted with permission from Ref. [54]. Copyright 2020, Sensors.
Figure 2. (a) Signal preprocessing and polynomial curve fitting. Reprinted with permission from Ref. [45]. Copyright 2021, Elsevier. (b) Fitting the corresponding transient resistances of ethanol, formaldehyde, toluene and acetone gases to the modified Hill equation. Reprinted with permission from Ref. [56]. Copyright 2023, Elsevier. (c) Steady-state response and fitting curves for CO and NO2. Reprinted with permission from Ref. [54]. Copyright 2020, Sensors.
Materials 17 05190 g002
Figure 3. (a) SnO2 sensor platform for identification of medicinal chemicals and PCA identification results. Reprinted with permission from Ref. [60]. Copyright 2021, Elsevier. (b) PCA classification results for ethanol, methanol, acetone, formic acid and ether. Reprinted with permission from Ref. [53]. Copyright 2017, Elsevier. (c) PCA classification results for ethanol, formaldehyde, toluene and acetone. Reprinted with permission from Ref. [56]. Copyright 2024, Elsevier. (d) The general block diagram of ether recognition by an electronic nose system and the distribution diagram on the two-dimensional plane after PCA dimensionality reduction [61]. Copyright 2023, Elsevier. (e) Principal component analysis results for partial hydrogen corresponding to air, methane and ethanol; principal component analysis results corresponding to air, hydrogen sulfide and methane; principal component analysis results corresponding to air, hydrogen sulfide, methane and ethanol. Reprinted with permission from Ref. [55]. Copyright 2023, Elsevier.
Figure 3. (a) SnO2 sensor platform for identification of medicinal chemicals and PCA identification results. Reprinted with permission from Ref. [60]. Copyright 2021, Elsevier. (b) PCA classification results for ethanol, methanol, acetone, formic acid and ether. Reprinted with permission from Ref. [53]. Copyright 2017, Elsevier. (c) PCA classification results for ethanol, formaldehyde, toluene and acetone. Reprinted with permission from Ref. [56]. Copyright 2024, Elsevier. (d) The general block diagram of ether recognition by an electronic nose system and the distribution diagram on the two-dimensional plane after PCA dimensionality reduction [61]. Copyright 2023, Elsevier. (e) Principal component analysis results for partial hydrogen corresponding to air, methane and ethanol; principal component analysis results corresponding to air, hydrogen sulfide and methane; principal component analysis results corresponding to air, hydrogen sulfide, methane and ethanol. Reprinted with permission from Ref. [55]. Copyright 2023, Elsevier.
Materials 17 05190 g003
Figure 4. (a) Identify the overall block diagram of the electronic nose system for CO and CH4 and the LDA differentiation results. Reprinted with permission from Ref. [12]. Copyright 2021, Elsevier. (b) LDA differentiation results of H2S and NO2 gases. Reprinted with permission from Ref. [67]. Copyright 2023, Elsevier. (c) Experimental apparatus for the detection of ethanol, acetone, isopropyl alcohol, methanol and toluene and classification results of LDA. Reprinted with permission from Ref. [68]. Copyright 2023, RSC advances. (d) LDA differentiation results of milk samples from different farms. Reprinted with permission from Ref. [69]. Copyright 2020, Sensors.
Figure 4. (a) Identify the overall block diagram of the electronic nose system for CO and CH4 and the LDA differentiation results. Reprinted with permission from Ref. [12]. Copyright 2021, Elsevier. (b) LDA differentiation results of H2S and NO2 gases. Reprinted with permission from Ref. [67]. Copyright 2023, Elsevier. (c) Experimental apparatus for the detection of ethanol, acetone, isopropyl alcohol, methanol and toluene and classification results of LDA. Reprinted with permission from Ref. [68]. Copyright 2023, RSC advances. (d) LDA differentiation results of milk samples from different farms. Reprinted with permission from Ref. [69]. Copyright 2020, Sensors.
Materials 17 05190 g004
Figure 5. (a) A concentration-dependent analysis of the identification scores of methane and propane error gases was performed using an artificial neural network (ANN)-based algorithm. Reprinted with permission from Ref. [45]. Copyright 2021, Elsevier. (b) The number of neuronal nodes in the hidden layer and the type of activation function have an impact on the results in terms of the mean value of the validation error describing the acetone and ethanol levels in the analyzed mixture. Reprinted with permission from Ref. [77]. Copyright 2022, Sensors. (c) Hierarchy structure and confusion matrix of 2L-ARNN algorithm for monitoring mixed gases and corresponding concentration estimation. Reprinted with permission from Ref. [78]. Copyright 2021, Elsevier.
Figure 5. (a) A concentration-dependent analysis of the identification scores of methane and propane error gases was performed using an artificial neural network (ANN)-based algorithm. Reprinted with permission from Ref. [45]. Copyright 2021, Elsevier. (b) The number of neuronal nodes in the hidden layer and the type of activation function have an impact on the results in terms of the mean value of the validation error describing the acetone and ethanol levels in the analyzed mixture. Reprinted with permission from Ref. [77]. Copyright 2022, Sensors. (c) Hierarchy structure and confusion matrix of 2L-ARNN algorithm for monitoring mixed gases and corresponding concentration estimation. Reprinted with permission from Ref. [78]. Copyright 2021, Elsevier.
Materials 17 05190 g005
Figure 6. (a) BPNN models for the detection of various mixtures of CO and NO2. BPNN quantitative recognition performance. The error between the predicted BPNN concentration and the actual concentration is represented by the box plot. Reprinted with permission from Ref. [54]. Copyright 2021, Elsevier. (b) A prototype of an electronic nose based on MOS for detecting the odor of different wines. Reprinted with permission from Ref. [80]. Copyright 2018, Sensors. (c) No outliers are shown on the BPNN boxplot for each hydrogen concentration in the mixed gas. Reprinted with permission from Ref. [11]. Copyright 2023, Elsevier.
Figure 6. (a) BPNN models for the detection of various mixtures of CO and NO2. BPNN quantitative recognition performance. The error between the predicted BPNN concentration and the actual concentration is represented by the box plot. Reprinted with permission from Ref. [54]. Copyright 2021, Elsevier. (b) A prototype of an electronic nose based on MOS for detecting the odor of different wines. Reprinted with permission from Ref. [80]. Copyright 2018, Sensors. (c) No outliers are shown on the BPNN boxplot for each hydrogen concentration in the mixed gas. Reprinted with permission from Ref. [11]. Copyright 2023, Elsevier.
Materials 17 05190 g006
Figure 7. (a) Structure of SnO2 gas sensor unit and CNN model. Reprinted with permission from Ref. [26]. Copyright 2023, Elsevier; (b) MCNA framework for gas identification, training accuracy, validation accuracy, training loss, and validation loss. Reprinted with permission from Ref. [30]. Copyright 2017, Sensors.
Figure 7. (a) Structure of SnO2 gas sensor unit and CNN model. Reprinted with permission from Ref. [26]. Copyright 2023, Elsevier; (b) MCNA framework for gas identification, training accuracy, validation accuracy, training loss, and validation loss. Reprinted with permission from Ref. [30]. Copyright 2017, Sensors.
Materials 17 05190 g007
Table 1. Main applications of PCA in semiconductor gas recognition.
Table 1. Main applications of PCA in semiconductor gas recognition.
Sensing MaterialAnalyteModelConcentration (ppm)Operating Temperature (°C)Train and Verify Sample SizeAccuracyApplicationRef.
SnO2C2H5OH, HCHO, C7H8, C3H6OPCA0.5300-Successfully distinguishEnvironmental monitoring[56]
In2O3C3H6O, C7H8, C4H10O, C4H8OPCA3003008288; 355288.6%Public security[62]
SnO2C4H10OPCA25–1500, 10, 20, 30, 40-100%Environmental monitoring[60]
SnO2C3H6O, C4H8O, CH3CH2CH2OH, (CH3)2CHOHPCA, K-NN100290, 250, 270, 280-100%Environmental monitoring[63]
Al2O3NO2, COPCA0–50-132, 3394.55%Environmental monitoring[54]
SnO2C4H10O, C3H6O, HCl, C7H8PCA0–300230, 270, 250, 270-100%Public security[59]
Au, Pd, SnO2CH4, C3H8, COPCA40–200150–50019,975, 499473.6%Environmental monitoring[45]
SnO2, In2O3, WO3, SnO2, ZnOCO, NO2, NH3, HCHOPCA20–60, 0.3–0.6, 1–5, 0–1.6225-Successfully distinguishEnvironmental monitoring[64]
SnO2CH4, C2H5OH, H2SPCA100, 100, 50299.85-99.3%Environmental monitoring[55]
ZnOC2H5OH, CH3CO, C3H6O, HCOOH, C2H6OPCA100150–400-100%Environmental monitoring[53]
Polyether polyurethaneDifferent organic vapors and water vaporsPCA0–850025–40-99%Environmental monitoring[65]
Table 2. The applications of RBFNN, ANN, DNN and BPNN algorithms in semiconductor gas identification.
Table 2. The applications of RBFNN, ANN, DNN and BPNN algorithms in semiconductor gas identification.
Sensing MaterialAnalyteModelConcentration (ppm)Operating Temperature (°C)Train and Verify Sam-ple SizeAccuracyApplicationRef.
SnO2C3H6O, CH3CHOANN5–10030030; -100%Environmental monitoring[76]
SnO2C3H6O, C4H8O, C7H8, C4H10OK-NN50–30025096; 26100%Public security[61]
SnO2C3H6O, C6H6, C2H5OH, HCHO, CH3OH, C3H7OH, C7H8DNN_DWT,
DNN_TS
200150–225160; 40
280; 70
98.67%,
98.33%
Environmental monitoring[46]
SnO2C2H5OH, C3H6O, CH3OH, CH3CH2CH2CH3, H2, NO2CNN≤1, 1–100205,213-Relative Error: 12.3% (<1 ppm), 5.7% (>1 ppm)Environmental monitoring[26]
Pd-SnO2, Pd-WO3H2, NH3, C2H5OH, C3H6O, C7H8, HCHOpN-BPNN, K-NN3–30400-99.86%Environmental monitoring[11]
SnO2C7H8, C4H8O, C4H10OGUCNN-XGBoost50–300150–350600; -97.54%Public security[83]
MOX
GSBT11, GSET21, GSDT11, GSNT11
CO, C2H5OHANN, DNN, 1D CNN, and 2D CNN0–100-2400;
600
1D CNN > 2D CNN > DNN > ANNEnvironmental monitoring[85]
Al2O3, RuO2C2H5OH, C3H6OANN78–5000-59,268;
12,700
99.99%Environmental monitoring[77]
SnO2, In2O3CO, CH4, H2, HCHOBP-ANN10–1000,
500–10,000
33–40166; -93.35%,
93.22%
Environmental monitoring[12]
Al2O3Distinguish among 11 mixtures of NO2 and CO1DCNN,
2DCNN
0–50-106; 2698.75%,
98.61%
Environmental monitoring[54]
Al2O3, SnO2C3H6O, C2H5OH, C3H7OH, C4H9OHK-NN≤3.5350-91%Environmental monitoring[86]
E-noseAir quality datasetANNVarious levels of concentra-tion-16,288; -89.22%Environmental monitoring[87]
Eight (MOS) sensors11 gas mixtures consisting of NO2 and CO gasesDCNN20 different concentrations-588; -95.2%Environmental monitoring[30]
E-nose (MOS sensors)Wines with different characteristicsBPNN-25 ± 1140; -94%, 92.5%Food industry[80]
E-noseC7H8, HCHO, C6H6EQBC-RBFNN0.1721–0.7056, 0.0668–0.1425, 0.0565–1.285625396; -96.88%Environmental monitoring[82]
Table 3. Comparison of characteristics of gas pattern recognition algorithms.
Table 3. Comparison of characteristics of gas pattern recognition algorithms.
CategoriesAlgorithmPropertyTraining SpeedDemand for DataRobustness for NoiseSensitive to Missing DataInterpretability
Traditional AlgorithmPCAUnsupervisedFastLowModerateLowModerate
LDASupervisedFastLowModerateLowModerate
SVMSupervisedModerateLowLowModerateHigh
RFSupervisedModerateHighHighModerateHigh
K-NNSupervisedModerateHighHighLowHigh
Neural Network AlgorithmANNSupervisedModerateModerateModerateModerateLow
RNNSupervisedModerateLowHighLowModerate
BPNNUnsupervisedSlowModerateModerateLowHigh
RBFNNSupervisedFastModerateModerateLowModerate
CNNSupervisedFastHighHighLowModerate
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

Zhou, G.; Du, B.; Zhong, J.; Chen, L.; Sun, Y.; Yue, J.; Zhang, M.; Long, Z.; Song, T.; Peng, B.; et al. Advances in Gas Detection of Pattern Recognition Algorithms for Chemiresistive Gas Sensor. Materials 2024, 17, 5190. https://doi.org/10.3390/ma17215190

AMA Style

Zhou G, Du B, Zhong J, Chen L, Sun Y, Yue J, Zhang M, Long Z, Song T, Peng B, et al. Advances in Gas Detection of Pattern Recognition Algorithms for Chemiresistive Gas Sensor. Materials. 2024; 17(21):5190. https://doi.org/10.3390/ma17215190

Chicago/Turabian Style

Zhou, Guangying, Bingsheng Du, Jie Zhong, Le Chen, Yuyu Sun, Jia Yue, Minglang Zhang, Zourong Long, Tao Song, Bo Peng, and et al. 2024. "Advances in Gas Detection of Pattern Recognition Algorithms for Chemiresistive Gas Sensor" Materials 17, no. 21: 5190. https://doi.org/10.3390/ma17215190

APA Style

Zhou, G., Du, B., Zhong, J., Chen, L., Sun, Y., Yue, J., Zhang, M., Long, Z., Song, T., Peng, B., Tang, B., & He, Y. (2024). Advances in Gas Detection of Pattern Recognition Algorithms for Chemiresistive Gas Sensor. Materials, 17(21), 5190. https://doi.org/10.3390/ma17215190

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