1. Introduction
Tunnel fires are catastrophic events that not only pose a significant threat to human life but also cause substantial economic damage and disrupt essential transport networks [
1,
2]. The unique characteristics of tunnel environments, such as limited accessibility, restricted ventilation, and high vehicle density, exacerbate the challenges of fire detection and management [
3]. Rapid detection and accurate classification of fire and smoke within tunnels are critical for initiating timely firefighting actions and evacuations, thus minimizing the overall impact of such disasters, as shown in
Figure 1.
Traditional fire detection systems [
5] in tunnels primarily rely on physical sensors that detect changes in temperature, smoke density, or toxic gas concentrations [
6,
7,
8,
9]. While these systems are vital, they often suffer from high false alarm rates and delayed responses to fire signatures, especially in large or complex tunnel networks. Moreover, the physical constraints of tunnel structures can impede the effectiveness of conventional fire detection technologies, leading to significant delays in emergency response times [
10]. Advancements in artificial intelligence (AI), particularly in the areas of DL and machine learning (ML), have created new opportunities to enhance fire detection systems [
11,
12,
13]. Deep learning, with its ability to learn from vast amounts of data and recognize complex patterns, offers substantial improvements over traditional algorithms, especially in image and video analysis. CNNs, a class of deep neural networks (DNNs), are particularly well-suited for analyzing visual imagery and have been successfully applied in various fields for object detection and classification tasks, including fire detection [
14]. However, applying deep learning directly to tunnel fire detection poses unique challenges. The primary issue is the scarcity of labeled fire incident data specific to tunnels, which is crucial for training accurate models [
15]. Moreover, tunnel fire scenarios are highly dynamic, with fire and smoke characteristics rapidly changing, which requires a system capable of continuous learning and adaptation.
To address these challenges, this paper introduces a novel approach that utilizes a combination of CNNs for spatial feature extraction from video frames and LSTMs for capturing temporal dependencies in the evolution of fire and smoke over time. This hybrid model leverages the strengths of both architectures to improve detection accuracy and reduce response times. Furthermore, to overcome the limitation of scarce tunnel-specific data, we employ transfer learning techniques. Transfer learning allows us to use a model developed for one task as the starting point for a model on a second task. For this study, we utilize models pre-trained on general fire detection datasets, which are then fine-tuned on smaller, tunnel-specific datasets. This approach not only enhances the model performance but also significantly reduces the need for large amounts of labeled data from tunnel environments. The application of these advanced computational techniques aims to revolutionize tunnel fire detection systems by providing more accurate, faster, and robust fire detection capabilities. This paper details the methodology, experiments, and results of integrating deep learning and transfer learning into tunnel fire detection, demonstrating the potential of this technology to significantly improve safety measures in critical infrastructure. The integration of CNNs and LSTMs addresses both spatial and temporal aspects of fire detection, while transfer learning facilitates the adaptation of the model to the specific context of tunnel fires, ensuring rapid deployment and high reliability across various tunnel configurations and fire scenarios. This innovative approach holds the promise of transforming tunnel safety systems, offering a significant leap forward in our ability to manage and mitigate the risks associated with tunnel fires.
The remainder of this paper is organized as follows:
Section 2 reviews fire detection research, focusing on challenges in tunnel environments and highlighting the potential of deep learning to address these issues.
Section 3 describes the methodology, including the design and integration of CNNs and LSTM networks. It covers data preparation, training protocols, and hyperparameter optimization for the proposed model.
Section 4 presents the experimental setup, detailing the hardware, datasets, and testing conditions used to evaluate the model effectiveness in both controlled and real-world scenarios.
Section 5 discusses the model performance metrics—and contrasts these with existing models to emphasize advancements. Finally,
Section 6 provides a discussion, and
Section 7 concludes the paper by emphasizing the model contributions to enhancing tunnel fire safety and its broader applicability.
2. Literature Review
The current landscape of tunnel fire detection predominantly relies on sensor-based technologies and basic video analysis. While effective to a degree, these methods falter under variable conditions and complex fire dynamics [
16]. Deep learning provides an adaptive alternative, with recent studies by ref [
17] demonstrating its potential in image-based fire recognition. Furthermore, transfer learning has been successfully applied in various domains to enhance model performance with limited domain-specific data refs. [
18,
19]. Our review identifies a gap in applying these advanced computational techniques specifically to tunnel fire scenarios.
2.1. Current Challenges in Tunnel Fire Detection
Tunnel fires, while less frequent than other types of structural fires, present unique challenges due to their confined spaces, which rapidly become filled with smoke and heat. Traditional detection systems often rely on thermal sensors, smoke detectors, and visual inspections [
20,
21]. However, these methods can be slow to respond and are susceptible to high false alarm rates, which can delay emergency responses or lead to unnecessary evacuations, disrupting traffic and causing significant logistical issues [
22]. Moreover, most traditional systems do not account for the dynamic and diverse nature of fire development within tunnels, where factors such as ventilation, traffic density, and the physical structure significantly influence fire behavior [
23,
24]. This gap highlights the need for more advanced detection systems capable of rapid, accurate assessments under variable conditions.
2.2. Deep Learning in Fire Detection
DL has emerged as a potent tool for enhancing detection systems across various domains, including fire detection. CNNs, a class of DNN, have shown particular promise due to their ability to process and analyze images with high accuracy [
25]. Studies utilizing CNNs for fire detection have demonstrated their capability to distinguish fire and smoke patterns from complex backgrounds in real time, significantly reducing the time to detection in ref [
26]. LSTM networks, another form of deep neural network, have been effectively used to analyze temporal sequences, making them ideal for applications where the prediction of an event progression is crucial. For instance, refs. [
27,
28] utilized LSTM networks to predict the spread and intensity of fires in high-rise buildings, showing improved response strategies based on predicted fire behavior patterns.
2.3. Transfer Learning in Limited Data Scenarios
One of the significant hurdles in applying DL in specific domains like tunnel fires is the scarcity of large, annotated datasets necessary for training robust models. Transfer learning has emerged as a solution to this issue, enabling the adaptation of models trained on large datasets from related domains to perform well on significantly smaller, domain-specific datasets [
29,
30]. Research by [
31] demonstrated the efficacy of transfer learning by adapting a model trained on general fire detection to specialize in forest fire scenarios, significantly reducing the need for extensive forest fire-specific data. This adaptability is particularly relevant for tunnel fire detection, where acquiring extensive labeled data can be challenging and impractical.
2.4. Gaps and Opportunities
Despite these advances, several gaps remain in the literature, particularly regarding the application of these technologies to tunnel fire scenarios. Most studies focus on more general or accessible environments, such as buildings or open spaces, where conditions differ significantly from tunnels [
32]. Additionally, there is limited research on integrating these technologies into real-time, automated systems that can be deployed in practical, operational settings. Furthermore, while the potential of DL and transfer learning has been recognized, their application in combining spatial and temporal data to enhance predictive capabilities in fire detection is still underexplored. This gap presents an opportunity to develop a hybrid model that leverages both CNN and LSTM architectures to address the unique challenges of tunnel fire detection.
The literature underscores the potential of deep learning and transfer learning to revolutionize tunnel fire detection systems. By building on these foundations, this research’s goal is to address the gaps through the development of an innovative, real-time detection system tailored for the specific and challenging environment of tunnels. This system promises to enhance detection accuracy, reduce false alarms, and improve overall response times to tunnel fires, setting a new standard in the field.
3. Methodology
The methodology section of this paper outlines a comprehensive approach for developing and validating a sophisticated tunnel fire detection system utilizing a hybrid deep learning model. This model combines CNNs and LSTM networks, enhanced by transfer learning techniques to address the unique challenges posed by tunnel environments. This section details the steps taken, from data collection and preparation through model development and validation, ensuring that the approach is replicable and robust. The primary objective is to create a system that not only detects fire and smoke efficiently but also adapts to the dynamic conditions of tunnel fires, offering real-time processing capabilities crucial for effective emergency responses.
To reduce potential overfitting and enhance generalizability, we incorporated several regularization techniques into our hybrid CNN-LSTM model architecture. Specifically, we used dropout layers (with dropout rates ranging from 0.3 to 0.5) after fully connected layers to randomly deactivate neurons during training, thereby preventing the model from becoming overly specialized to training data. Additionally, batch normalization was employed after convolutional layers to stabilize and accelerate training convergence, further contributing to robust model generalization.
Model Development
The development of our hybrid deep learning model involves integrating CNNs for spatial feature extraction with LSTM networks for temporal data analysis. This combination leverages the strengths of both architectures to address the dynamic and complex nature of tunnel fire scenarios illustrated in
Figure 2. The section explains the model architecture, the rationale behind choosing specific layers and configurations, and how transfer learning is applied to tailor the model to tunnel-specific fire detection. The proposed hybrid model accepts raw image frames resized to a uniform dimension, typically 224 × 224 pixels. Multiple convolutional layers then apply various filters to the input images to create feature maps. Each convolutional operation is defined as:
where
represents the weights of the filters,
is the input to the layer,
is the bias,
denotes the convolution operation, and
is the activation function that introduces non-linearity. Next, each convolutional layer is processed to reduce the spatial size of the feature maps and to make the detection process invariant to small changes in the position of the fire in the frame. After several convolutional and pooling layers, the high-level reasoning in the neural network is performed via fully connected layers.
Following the feature extraction via CNNs, the LSTM layers analyze these features over time, which is crucial for understanding the development and spread of fire within a tunnel. The LSTM structure allows the model to remember information for extended periods, which is vital for predicting the progression of tunnel fires. The hybrid system takes the sequence of feature vectors extracted from consecutive frames by the CNN, and multiple layers of LSTMs process the input temporal sequence. The operations within an LSTM cell can be described by the following equations:
where
,
, and
are the forget, input, and output gates, respectively;
and
are the cell state and output;
and
are the weights and biases associated with each gate, respectively;
denotes the sigmoid activation function; and
is the hyperbolic tangent activation function.
The CNN and LSTM outputs are integrated, and a dense layer with a SoftMax activation function classifies the inputs into fire or no-fire categories. Transfer learning is applied by initially training the CNN on a large dataset of general fire images and then fine-tuning on a smaller set of tunnel-specific fire data. This approach helps in overcoming the challenge of limited tunnel-specific training data and ensures that the model is well-adapted to the unique characteristics of tunnel fires. This sophisticated model development strategy aims to provide a robust and accurate system for detecting and analyzing tunnel fires, offering significant improvements over traditional methods in terms of speed, reliability, and adaptability. The effectiveness and reliability of our hybrid deep learning model in detecting tunnel fires hinge on a comprehensive training and rigorous validation process. This section explains the procedures for training the model using a dataset that combines general and tunnel-specific fire scenarios, followed by validation to assess its performance. The model is trained on a combination of a large dataset of general fire images and videos, along with a specialized dataset of tunnel fire scenarios. Images and video frames are resized to uniform dimensions, such as 224 × 224 pixels, which is a standard input size for CNNs. These images are normalized to have pixel values between
and
and are augmented by random transformations like rotation, scaling, and horizontal flipping to make the model robust to various orientations and scales of fire images. The model uses cross-entropy loss for classification, suitable for binary outcomes such as fire/no-fire scenarios. The loss function for an individual training example is determined by:
where
is the true label, and
is the predicted probability of the presence of fire. An Adam optimizer is selected for training due to its effective handling of sparse gradients and adaptive learning rate adjustments for different parameters. Parameters of the model are updated using the rule:
where
represents the model parameters,
is the learning rate,
is the loss function, and
is the gradient of the loss function with respect to the parameters. During training, data are processed in batches, where each image batch is first passed through the CNN to extract spatial features. These features are then fed into the LSTM to analyze temporal patterns and dependencies. The final output layer of the model makes a prediction regarding the presence of fire, and the computed loss is used to update the model parameters through backpropagation.
4. Experimentation Setup
Experiments were conducted in both controlled and live environments. The model real-time processing capability was tested using live feeds from tunnel surveillance systems during both drills and actual fire incidents.
4.1. Dataset
High-quality datasets specifically tailored for tunnel fire detection are relatively scarce. For this study, we compiled a comprehensive dataset combining both simulated and real-world fire scenarios to rigorously test our model. The dataset comprises a total of 9750 images, evenly distributed across three primary categories: fire, smoke, and non-fire (negative) scenarios, each category containing 3250 images (
Table 1 and
Figure 3).
The real-world images were sourced from publicly available databases, including surveillance footage from actual tunnel fires and emergency drills. Permissions were secured as necessary for copyrighted materials. Simulated fire scenario images were generated through controlled fire experiments, virtual simulations, and data augmentation techniques designed to replicate realistic tunnel fire conditions, with varying smoke densities and fire intensities. Each image was standardized to a resolution of 224 × 224 pixels to align with our model architecture’s input requirements. To enhance model robustness against the dynamic and variable nature of fire and smoke in tunnels, we applied data augmentation techniques such as rotation, scaling, and horizontal flipping. This explicit breakdown between real-world and simulated data enhances transparency and ensures reproducibility, forming a robust foundation for evaluating the hybrid CNN-LSTM model performance across diverse and realistic fire scenarios.
The model was trained using the TensorFlow framework 2.4.0 [
33], leveraging the computational power of NVIDIA RTX 3090 GPUs. The training was executed in batches, with each batch size set to 32 images to optimize memory usage and ensure efficient gradient descent.
4.2. Evaluation Metrics
A separate validation set, unseen during the training phase, is utilized to evaluate the model performance. This step is critical for assessing how well the model generalizes to new data.
The model performance is measured using several metrics:
Accuracy: this metric reflects the proportion of total correct predictions.
Precision: indicates the accuracy of positive predictions and is crucial for minimizing false alarms.
Recall: demonstrates the model’s ability to detect all relevant, safety-critical fire events.
F1 Score: combines precision and recall into a single metric, balancing the trade-off between them.
These metrics are computed from the confusion matrix elements—true positives (TPs), true negatives (TNs), false positives (FPs), and false negatives (FNs)—using the formulas:
To further validate the model robustness, -fold cross-validation is conducted, where the data are divided into k subsets. The model is trained and validated k times, with each subset serving as the test set once, and the performance metrics are averaged to provide a comprehensive evaluation of the model effectiveness across different subsets of data.
This detailed approach to training and validating the hybrid model ensures that it not only learns effectively from diverse training data but also performs consistently and accurately across different fire scenarios, making it a reliable tool for enhancing tunnel safety.
5. Results
The results section provides a detailed evaluation of our hybrid deep learning model for tunnel fire detection. This model, integrating CNNs with LSTM networks and utilizing transfer learning, was assessed based on its accuracy, precision, recall, and F1 score across various datasets. Tables are included to clearly present the quantitative results of the model performance in training, in validation, and under varied conditions. The model demonstrated significant learning capabilities, with improvements in loss reduction and accuracy gains during training (
Table 2).
These results indicate effective learning and model adaptation to the characteristics of the training data, which included a variety of fire scenarios. To evaluate the robustness of the model, it was subjected to tests under different environmental conditions that simulate variations in smoke density, fire size, and ventilation changes within tunnels.
The results in
Table 3 indicate that the model performance remains consistently high across various simulated conditions, highlighting its adaptability and potential reliability in real-world scenarios. Part of the input data was deliberately obscured to simulate the effects of sensor failures, which may occur in high-temperature environments such as tunnels. The performance metrics for this scenario are presented below in
Table 4.
Despite the challenges posed by data loss, the model demonstrates commendable resilience, showcasing its potential for reliable operation under less-than-ideal conditions.
In
Figure 4, quantitative results presented across multiple metrics and scenarios highlight the effectiveness and robustness of the hybrid CNN-LSTM model in detecting tunnel fires accurately. The consistently high scores in training, in validation, and under varied testing conditions, along with resilience to sensor input reductions, underscore the model suitability for deployment in tunnel safety systems, offering substantial improvements in emergency response capabilities.
In
Figure 5, to evaluate the specific contribution of the LSTM component in our hybrid model, we conducted an ablation study by comparing the performance of a CNN-only model with the full CNN-LSTM architecture. Both models were trained and validated on the same dataset under identical conditions. The CNN-only model achieved an accuracy of 88%, precision of 85%, recall of 86%, and an F1 score of 85.5%. In contrast, the proposed CNN-LSTM model achieved significantly higher performance, with an accuracy of 92%, precision of 89%, recall of 90%, and an F1 score of 89.5%. These results demonstrate that incorporating the LSTM module enhances the model’s ability to capture temporal dependencies critical for tunnel fire detection, particularly in recognizing the dynamic progression of fire and smoke over time.
Comparison with SOTA Models
To illustrate the advancements our hybrid CNN-LSTM model brings to the field of tunnel fire detection, it is essential to compare its performance with existing SOTA models. This comparison helps highlight the improvements in accuracy, robustness, and real-time processing capabilities that our model offers over traditional and contemporary fire detection systems. Several SOTA models in fire detection utilize various machine learning and deep learning techniques, predominantly focusing on general environments like buildings or open areas. These models often employ CNNs due to their strong spatial recognition capabilities but may not incorporate temporal data effectively. Using our CNN-LSTM model, we conducted a comparative quantitative benchmarking against well-established lightweight deep learning alternatives, specifically, MobileNetV2, EfficientNet-B0, and YOLOv5.
Table 5 summarizes the computational complexity and inference speeds achieved by these models on identical hardware (NVIDIA RTX 3090 GPU).
The benchmarking clearly indicates that, although our hybrid CNN-LSTM model involves additional temporal analysis through the LSTM layer (slightly increasing computational load compared to simpler CNN-only models), it maintains competitive inference speeds (110 FPS) and relatively low computational complexity (1.25 GFLOPS), comparable to lightweight architectures widely recognized for their computational efficiency. These results substantiate our claim that the proposed hybrid model is suitable for deployment in tunnel environments, balancing robust temporal–spatial fire detection performance and real-time computational efficiency.
The comparison reveals that the Hybrid CNN-LSTM consistently outperforms traditional SOTA models in all key performance metrics. This demonstrates the advantages of integrating spatial and temporal feature extraction through the hybrid architecture, combined with transfer learning for domain-specific adaptation. These results emphasize the model capability to offer a more accurate, robust, and reliable solution for tunnel fire detection compared to existing methods. The table provides strong quantitative evidence supporting the effectiveness of the proposed approach, positioning it as a significant advancement in the field. Our model was specifically designed for tunnel environments, which present unique challenges, such as varying smoke densities and limited evacuation routes. The addition of LSTM networks allows our model to process temporal sequences of images, providing a significant advantage in predicting the development and spread of fire over time. The comparison with existing SOTA models underscores the advanced capabilities of our hybrid CNN-LSTM model in the context of tunnel fire detection. By effectively leveraging spatial and temporal data, the model not only outperforms existing systems in standard performance metrics but also offers enhanced adaptability and robustness, making it a significant advancement for safety systems in tunnel environments.
6. Discussion
The results of this study demonstrate the effectiveness of the proposed Hybrid CNN-LSTM model for tunnel fire detection, highlighting its advancements over traditional SOTA methods. The combination of spatial feature extraction through CNNs and temporal analysis via LSTMs allows the model to capture both the static characteristics of fire and smoke as well as their dynamic progression over time. This dual capability is particularly beneficial in tunnel environments, where fire behavior evolves rapidly due to confined spaces, varying ventilation, and the presence of vehicles or other flammable materials. The presented results reflect the model ability to accurately classify fire and no-fire scenarios while maintaining a low rate of false positives and false negatives. This balance is crucial in tunnel fire detection systems, where false positives can lead to unnecessary evacuations and disruptions, while false negatives can result in catastrophic delays in emergency response. Another strength lies in the model ability to adapt to the unique challenges of tunnel environments. The application of transfer learning allowed the model to utilize knowledge from pre-trained general fire detection models and fine-tune it for tunnel-specific scenarios. This approach not only reduced the need for extensive domain-specific data but also significantly improved the model performance in real-world tunnel conditions. Additionally, the model showed remarkable resilience under adverse conditions, such as high smoke density, altered ventilation, and simulated sensor failures, maintaining stable and reliable performance. While traditional models focus primarily on spatial analysis, they often lack the ability to consider the temporal evolution of fire and smoke, which is critical for understanding fire behavior in dynamic environments. The proposed hybrid approach addresses this gap by integrating temporal data processing, enabling better prediction and detection capabilities. This comparison underscores the importance of combining spatial and temporal feature extraction in safety-critical applications like tunnel fire detection.
Despite its strong performance, the Hybrid CNN-LSTM model has some limitations. First, the reliance on pre-trained models means that its performance is influenced by the quality and diversity of the source datasets. Another limitation is the reliance on adapted general fire datasets and simulated tunnel fire scenarios, which, while carefully designed, may not fully capture the wide variability present in real-world tunnel fires. While transfer learning helps to adapt the model to tunnel-specific scenarios, further improvements could be achieved by developing a more extensive dataset of tunnel fires that includes variations in fire types, environmental conditions, and tunnel structures. Additionally, the computational complexity of the hybrid model, especially with LSTM layers, may pose challenges for real-time implementation in resource-constrained environments. While the model demonstrated real-time processing capabilities in controlled settings, further optimization, such as the use of lightweight architectures or model pruning, could enhance its deployment in tunnels with limited computational resources. The practical implications of this study are significant. By integrating the Hybrid CNN-LSTM model into existing tunnel safety systems, operators can benefit from faster and more accurate detection of fire and smoke, leading to improved emergency response and reduced risk to human life and infrastructure. The model adaptability to varied conditions and its robustness in handling sensor failures make it a valuable tool for enhancing safety protocols in tunnels.
Future work can focus on several areas to further advance this research. Incorporating additional data sources, such as multispectral imaging, infrared data, and real-time sensor feedback, could enhance the model accuracy and applicability. Exploring alternative architectures, such as attention-based mechanisms or transformers, may also provide new insights and improvements in performance. Finally, extending the methodology to other complex environments, such as subways, industrial facilities, and underground mines, could broaden its impact and establish the Hybrid CNN-LSTM as a versatile solution for fire detection in safety-critical domains.
The Hybrid CNN-LSTM model represents a significant advancement in tunnel fire detection, offering a robust, accurate, and adaptable solution to one of the most challenging safety problems in modern infrastructure. The discussion of its strengths, limitations, and potential improvements provides a comprehensive understanding of its current capabilities and future potential.
7. Conclusions
This study introduces a novel hybrid deep learning model integrating CNNs and LSTM networks for the detection and classification of fires and smoke in tunnel environments. By leveraging transfer learning, the model effectively overcomes the challenges of limited tunnel-specific data, achieving robust performance and adaptability to diverse fire scenarios. Through rigorous experimentation, the model has demonstrated significant improvements over existing SOTA methods, particularly in terms of accuracy, precision, recall, and F1 score. The Hybrid CNN-LSTM model excels in combining spatial and temporal data, enabling it to capture the dynamic and evolving nature of fires in confined spaces such as tunnels. Its ability to process real-time data and predict fire behavior makes it a highly practical solution for improving emergency response times and decision making. Moreover, the model resilience to adverse conditions, including sensor failures and environmental variability, underscores its reliability and robustness for deployment in real-world tunnel systems. When compared to traditional SOTA models, the proposed model achieved the highest accuracy of 92% and an F1 score of 89.5%, outperforming other approaches by a significant margin. These results demonstrate the effectiveness of integrating spatial and temporal analysis with transfer learning to address the specific challenges posed by tunnel fires. The proposed system is not only a technological advancement but also a step forward in ensuring the safety of tunnel users by enabling faster and more accurate detection of fire and smoke. This study establishes the Hybrid CNN-LSTM model as a reliable and superior solution for tunnel fire detection, with potential implications for broader applications in safety-critical environments. Future work may focus on further optimizing the model for large-scale deployment, incorporating additional data sources such as multispectral imaging and real-time sensor feedback, and extending the approach to other complex environments such as subways and industrial facilities. This research paves the way for the next generation of intelligent fire detection systems, setting a new benchmark for safety and efficiency in critical infrastructure management.
Author Contributions
Methodology, S.M., S.U., and Y.I.C.; software, S.M. and S.U.; validation, D.A.B., S.M., and S.U.; formal analysis, S.U., and Y.I.C.; resources, S.M., S.U., and D.A.B.; data curation, D.A.B., S.U., and Y.I.C.; writing—original draft, S.M. and S.U.; writing—review and editing, S.M., S.U., D.A.B., and Y.I.C.; supervision, Y.I.C.; project administration, S.M., S.U., and Y.I.C. All authors have read and agreed to the published version of the manuscript.
Funding
This paper is supported by Korean Agency for Technology and Standard under Ministry of Trade, Industry and Energy in 2023, project number is 1415181629 (Development of International Standard Technologies based on AI Model Lightweighting Technologies).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
All used datasets are available online with open access.
Conflicts of Interest
The authors declare no conflicts of interest.
Abbreviations
The following abbreviations are used in this manuscript:
AI | Artificial Intelligence |
CNN | Convolution Neural Network |
DNN | Deep Neural Network |
DL | Deep Learning |
FN | False Negative |
FP | False Positive |
LSTM | Long Short-Term Memory |
ML | Machine Learning |
SOTA | State-of-the-Art |
TN | True Negative |
TP | True Positive |
References
- Lin, C.L.; Chien, C.F. Lessons learned from critical accidental fires in tunnels. Tunn. Undergr. Space Technol. 2021, 113, 103944. [Google Scholar] [CrossRef]
- Bjelland, H.; Gehandler, J.; Meacham, B.; Carvel, R.; Torero, J.L.; Ingason, H.; Njå, O. Tunnel fire safety management and systems thinking: Adapting engineering practice through regulations and education. Fire Saf. J. 2024, 146, 104140. [Google Scholar] [CrossRef]
- Zhang, Y.; Huang, X. A Review of Tunnel Fire Evacuation Strategies and State-of-the-Art Research in China. Fire Technol. 2024, 60, 859–892. [Google Scholar] [CrossRef]
- International Fire Academy. Tunnel Fires from 2012 to 2023: Statistics from Media Reports. 2023. Available online: https://www.ifa-swiss.ch/en/magazine/detail/tunnel-fires-from-2012-to-2023-statistics-from-media-reports (accessed on 5 December 2024).
- Khan, F.; Xu, Z.; Sun, J.; Khan, F.M.; Ahmed, A.; Zhao, Y. Recent Advances in Sensors for Fire Detection. Sensors 2022, 22, 3310. [Google Scholar] [CrossRef]
- Fonollosa, J.; Solórzano, A.; Marco, S. Chemical sensor systems and associated algorithms for fire detection: A review. Sensors 2018, 18, 553–592. [Google Scholar] [CrossRef]
- Lee, K.; Shim, Y.-S.; Song, Y.G.; Han, S.D.; Lee, Y.-S.; Kang, C.-Y. Highly sensitive sensors based on metal-oxide nanocolumns for fire detection. Sensors 2017, 17, 303–314. [Google Scholar] [CrossRef]
- Muksimova, S.; Umirzakova, S.; Baltayev, J.; Cho, Y.-I. Lightweight Deep Learning Model for Fire Classification in Tunnels. Fire 2025, 8, 85. [Google Scholar] [CrossRef]
- Krüger, S.; Despinasse, M.-C.; Raspe, T.; Nörthemann, K.; Moritz, W. Early fire detection: Are hydrogen sensors able to detect pyrolysis of household materials? Fire Saf. J. 2017, 91, 1059–1067. [Google Scholar]
- Přibyl, P.; Přibyl, O. Effect of tunnel technological systems on evacuation time. Tunn. Undergr. Space Technol. 2014, 44, 88–96. [Google Scholar] [CrossRef]
- Valikhujaev, Y.; Abdusalomov, A.; Cho, Y.I. Automatic Fire and Smoke Detection Method for Surveillance Systems Based on Dilated CNNs. Atmosphere 2020, 11, 1241. [Google Scholar] [CrossRef]
- Deepa, K.R.; Chaitra, A.S.; Jhansi, K.; Anitha Kumari, R.D.; Mallikarjun, M.K. Development of Fire Detection surveillance using machine learning & IoT. In Proceedings of the 2022 IEEE 2nd Mysore Sub Section International Conference (MysuruCon), Mysuru, India, 16–17 October 2022; pp. 1–6. [Google Scholar] [CrossRef]
- Altaf, M.; Yasir, M.; Dilshad, N.; Kim, W. An Optimized Deep-Learning-Based Network with an Attention Module for Efficient Fire Detection. Fire 2025, 8, 15. [Google Scholar] [CrossRef]
- Khan, T.; Khan, Z.A.; Choi, C. Enhancing real-time fire detection: An effective multi-attention network and a fire benchmark. Neural Comput. Appl. 2024, 1, 1–15. [Google Scholar] [CrossRef]
- Wu, X.; Zhang, X.; Huang, X.; Xiao, F.; Usmani, A. A real-time forecast of tunnel fire based on numerical database and artificial intelligence. Build. Simul. 2022, 15, 511–524. [Google Scholar] [CrossRef]
- Chen, W.C.; Tony, L.; Hao, T.C.; Chi, M.S. Performance assessment of video-based fire detection system in tunnel environment. Tunn. Undergr. Space Technol. 2014, 40, 16–21. [Google Scholar] [CrossRef]
- Yar, H.; Khan, Z.A.; Rida, I.; Ullah, W.; Kim, M.J.; Baik, S.W. An efficient deep learning architecture for effective fire detection in smart surveillance. Image Vis. Comput. 2024, 145, 104989. [Google Scholar] [CrossRef]
- Li, L.; Yi, J. Real-time Fire Detection for Urban Tunnels Based on Multi-Source Data and Transfer Learning. In Proceedings of the 2023 4th International Symposium on Computer Engineering and Intelligent Communications (ISCEIC), Nanjing, China, 18–20 August 2023; pp. 27–32. [Google Scholar] [CrossRef]
- Cui, Y.; Song, Y.; Sun, C.; Howard, A.; Belongie, S. Large scale fine-grained categorization and domainspecific transfer learning. In Proceedings of the Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 4109–4118. [Google Scholar]
- Cigada, A.; Ruggieri, D.; Zappa, E. Road and railway tunnel fire hazard: A new measurement method for risk assessment and improvement of transit safety. In Proceedings of the 2005 IEEE International Workshop on Measurement Systems for Homeland Security, Contraband Detection and Personal Safety Workshop, 2005. (IMS 2005), Orlando, FL, USA, 29–30 March 2005; pp. 89–94. [Google Scholar] [CrossRef]
- Hackner, A.; Oberpriller, H.; Ohnesorge, A.; Hechtenberg, V.; Müller, G. Heterogeneous sensor arrays: Merging cameras and gas sensors into innovative fire detection systems. Sens. Actuators B Chem. 2016, 231, 497–505. [Google Scholar] [CrossRef]
- Guo, C.; Guo, Q.; Zhang, T.; Li, W.; Zhu, H.; Yan, Z. Study on real-time heat release rate inversion for dynamic reconstruction and visualization of tunnel fire scenarios. Tunn. Undergr. Space Technol. 2022, 122, 104333. [Google Scholar] [CrossRef]
- Sýkora, J.; Jarušková, D.; Šejnoha, M.; Šejnoha, J. Fire risk analysis focused on damage of the tunnel lining. Fire Saf. J. 2018, 95, 51–65. [Google Scholar] [CrossRef]
- De Silva, D.; Andreini, M.; Bilotta, A.; De Rosa, G.; La Mendola, S.; Nigro, E.; Rios, O. Structural safety assessment of concrete tunnel lining subjected to fire. Fire Saf. J. 2022, 134, 103697. [Google Scholar] [CrossRef]
- Zhang, Z.; Wang, L.; Liu, S.; Yin, Y. Intelligent fire location detection approach for extrawide immersed tunnels. Expert Syst. Appl. 2024, 239, 122251. [Google Scholar] [CrossRef]
- Sun, B.; Wang, Y.; Wu, S. An efficient lightweight CNN model for real-time fire smoke detection. J. Real-Time Image Proc. 2023, 20, 74. [Google Scholar] [CrossRef]
- Zhu, Y.; Wu, Z.; Zhu, G.; Peng, M. Study on temperature prediction of subway tunnel fire based on improved GA-BP algorithm. J. Therm. Anal. Calorim. 2024, 1–18. [Google Scholar] [CrossRef]
- Fang, H.; Xu, M.; Zhang, B.; Lo, S.M. Enabling fire source localization in building fire emergencies with a machine learning-based inverse modeling approach. J. Build. Eng. 2023, 78, 107605. [Google Scholar] [CrossRef]
- Ma, Y.; Chen, S.; Ermon, S.; Lobell, D.B. Transfer learning in environmental remote sensing. Remote Sens. Environ. 2024, 301, 113924. [Google Scholar] [CrossRef]
- Oz, Y.; Yehudai, G.; Vardi, G.; Antebi, I.; Irani, M.; Haim, N. Reconstructing training data from real world models trained with transfer learning. arXiv 2024, arXiv:2407.15845. [Google Scholar]
- Oak, O.; Nazre, R.; Naigaonkar, S.; Sawant, S.; Joshi, A. A novel transfer learning-based CNN model for wildfire susceptibility prediction. In Proceedings of the 5th International Conference for Emerging Technology (INCET), Belgaum, India, 24–26 May 2024; pp. 1–6. [Google Scholar] [CrossRef]
- Yan, Y.; Zhang, Y.; Yuan, H.; Wan, L.; Ding, H. Safety Effect of Tunnel Environment Self-Explaining Design Based on Situation Awareness. Tunn. Undergr. Space Technol. 2024, 143, 105486. [Google Scholar]
- TensorFlow 2.4.0 Released. Available online: https://www.exxactcorp.com/blog/News/tensorflow-2-4-0-released (accessed on 24 December 2024).
| 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. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).