Next Article in Journal
Influence of Surface Isolation Layers on High-Voltage Tolerance of Small-Pitch 3D Pixel Sensors
Previous Article in Journal
Experimental Analysis on the Effect of Contact Pressure and Activity Level as Influencing Factors in PPG Sensor Performance
Previous Article in Special Issue
New Possibilities of Field Data Survey in Forest Road Design
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Leakage Detection in Subway Tunnels Using 3D Point Cloud Data: Integrating Intensity and Geometric Features with XGBoost Classifier

1
Jiangsu Geological Engineering Survey Institute, Nanjing 210018, China
2
School of Earth Sciences and Engineering, Hohai University, Nanjing 211100, China
3
School of Geography, Nanjing Normal University, Nanjing 210023, China
*
Authors to whom correspondence should be addressed.
Sensors 2025, 25(14), 4475; https://doi.org/10.3390/s25144475
Submission received: 20 June 2025 / Revised: 14 July 2025 / Accepted: 16 July 2025 / Published: 18 July 2025
(This article belongs to the Special Issue Application of LiDAR Remote Sensing and Mapping)

Abstract

Detecting leakage using a point cloud acquired by mobile laser scanning (MLS) presents significant challenges, particularly from within three-dimensional space. These challenges primarily arise from the prevalence of noise in tunnel point clouds and the difficulty in accurately capturing the three-dimensional morphological characteristics of leakage patterns. To address these limitations, this study proposes a classification method based on XGBoost classifier, integrating both intensity and geometric features. The proposed methodology comprises the following steps: First, a RANSAC algorithm is employed to filter out noise from tunnel objects, such as facilities, tracks, and bolt holes, which exhibit intensity values similar to leakage. Next, intensity features are extracted to facilitate the initial separation of leakage regions from the tunnel lining. Subsequently, geometric features derived from the k neighborhood are incorporated to complement the intensity features, enabling more effective segmentation of leakage from the lining structures. The optimal neighborhood scale is determined by selecting the scale that yields the highest F1-score for leakage across various multiple evaluated scales. Finally, the XGBoost classifier is applied to the binary classification to distinguish leakage from tunnel lining. Experimental results demonstrate that the integration of geometric features significantly enhances leakage detection accuracy, achieving an F1-score of 91.18% and 97.84% on two evaluated datasets, respectively. The consistent performance across four heterogeneous datasets indicates the robust generalization capability of the proposed methodology. Comparative analysis further shows that XGBoost outperforms other classifiers, such as Random Forest, AdaBoost, LightGBM, and CatBoost, in terms of balance of accuracy and computational efficiency. Moreover, compared to deep learning models, including PointNet, PointNet++, and DGCNN, the proposed method demonstrates superior performance in both detection accuracy and computational efficiency.

1. Introduction

Rail transit constitutes a critical component of urban infrastructure, influencing the development and spatial organization of contemporary cities. With the rapid expansion of subway networks, tunnel systems experience numerous structural challenges, including water leakage [1], cracks [2], segment misalignment [3], cross-sectional deformation [4], and uneven settlement [5]. Among these issues, water leakage emerges as the most prevalent and consequential structural damage. This phenomenon accelerates weathering, lining spalling, and corrosion of tunnel lining, compromising structural integrity and posing significant threats to operational safety. Consequently, regular and effective inspection for tunnel leakage represents a critical priority for subway system maintenance [6]. Traditional inspection methods typically rely on manual photography, and entail a high level of subjectivity as well as the safety hazards inherent in confined and complex tunnel environments. These methods are widely criticized for their inefficiency, insufficient precision, and occupational risks [7,8].
Recent advancements in mobile laser scanning (MLS) technology have emerged as a promising alternative for tunnel leakage inspection. MLS systems, mounted on a rail trolley, integrate laser scanners, high-definition cameras, odometers, and computing units to automatically acquire high-precision and high-density 3D point cloud data [8]. This technology enables effective 3D reconstruction of tunnel environments and reduces reliance on manual inspection. However, several challenges remain. The irregular shapes and varying scales of leakages complicate detection. Additionally, tunnel point cloud data often contains interference from ancillary facilities, bolt holes, tracks, and noise, which hinder accurate identification. This study addresses these challenges by proposing a novel classification method that combines geometric and intensity features to automatically detect leakage in 3D space. The key contributions of this research are as follows:
(1)
An automated framework was developed to accurately detect tunnel leakage in 3D point cloud data, which addresses challenges related to noise and the limited spatial representation of leakage patterns.
(2)
Geometric features were introduced as complementary characteristics, which resulted in improved accuracy for leakage detection.
(3)
The XGBoost classifier was introduced for leakage detection, and a comparative analysis demonstrated its superior accuracy and computational efficiency, thereby validating its applicability in this context.
The remainder of this study is organized as follows: Section 2 reviews existing studies and summarizes limitations of the literature. Section 3 describes the proposed methodology in detail. Section 4 presents the experimental results and discussion. Finally, Section 5 concludes the study.

2. Related Works

Many researchers have explored methods to detect leakage using tunnel point cloud data, which can be broadly categorized into two main approaches:
(1)
Intensity threshold-based segmentation methods. These methods convert point clouds into grayscale images by utilizing the intensity values of laser scanning points [7,9,10]. Leakage is detected by establishing intensity thresholds derived from the difference between leakage and non-leakage regions in grayscale domain [11,12]. For example, Huang, et al. [7] employed Otsu’s method to compute grayscale histogram and determine an optimal intensity threshold that maximizes inter-class variance between leakage and non-leakage areas, achieving optimal segmentation results. However, point cloud intensity is susceptible to biases induced by factors such as scanning distance, incidence angle, and surface roughness. Hawley and Gräbe [13] investigated these influences, emphasizing the necessity of intensity correction models to mitigate such deviations [14]. Xu, et al. [15] proposed a two-step approach: first, correcting intensity values based on scanning distance and incidence angle; second, employing an intensity threshold to extract leakage and a distance threshold to eliminate noise points. Despite their effectiveness, these methods exhibit notable limitations. The segmentation process is highly sensitive to the intensity threshold, which is typically determined empirically or heuristically. This approach may not generalize well to diverse datasets, limiting its practical applicability. Furthermore, most implementations are confined to 2D leakage segmentation, lacking the capability to provide detailed 3D information regarding the depth and spatial extent of leakages.
(2)
Image-based supervised classification methods. These methods also involve transforming point clouds into grayscale images. Annotated samples are used to train deep learning models, which are then tested on grayscale images to detect leakage locations and areas. Recent advancements in convolutional neural networks (CNNs) have garnered attention for their capability to efficiently extract features. Deep learning frameworks derived from CNNs, such as ResNet [16], Faster R-CNN [17], R-FCN [18], Mask R-CNN [19], DeepLabV3+ [20], and YOLO [21], have been extensively applied to various object detection tasks. These tasks include crack detection [22], defect detection [23], leakage detection [24], etc. For example, Liu, et al. [25] combined Res2Net with cascade modules and fully connected networks (FCNs) to detect leakage, leveraging multi-scale feature extraction and enhanced representation. Among these, Mask R-CNN, one of the most widely used algorithms for leakage instance segmentation, extends Faster R-CNN by integrating Region of Interest (RoI) Align [26] and FCN [27] modules. To enhance the segmentation accuracy, Guo et al. [1] employed RDES-Net to effectively segment leakage on grayscale images. Chen et al. [28] proposed an enhanced YOLO-V7 model that integrates attention mechanisms, edge refinement techniques, and mixed data augmentation strategies to achieve precise leakage segmentation. Wang et al. [29] designed a lightweight leakage segmentation method using the DeepLabV3+ model with integrated channel attention, demonstrating enhanced accuracy and generalization performance in complex environments. To visualize leakage in 3D space, Chen et al. [19] introduced a method to unfold point clouds into grayscale images using cylindrical voxels, enabling Mask R-CNN-based detection and subsequent mapping back to 3D space. Additionally, Xue et al. [30] applied SfM-Deep Learning to map leakage textures onto 3D models, further enhancing spatial analysis capabilities.
A comparative summary of these representative leakage detection methods is presented in Table 1, which details their utilized tunnel structures, data acquisition equipment, input data types, core techniques, reported accuracies, and key limitations. As detailed in Table 1, the image-based supervised classification methods have demonstrated considerable effectiveness, achieving performance metrics such as an IoU exceeding 80% and a max mAP of 76.4%. Despite their promising results, these image-based methods suffer from several fundamental limitations. They primarily rely on intensity features, which overlooks the critical geometric information, especially at regions with distinct geometric deviations like circumferential joints and bolt holes where leakage commonly occurs. Furthermore, as summarized in Table 1, these methods are (1) sensitive to lighting conditions and object occlusion, (2) suffer from a loss of spatial information during 2D projection, and (3) fail to visualize leakage patterns effectively in 3D space.
Additionally, the intensity threshold-based segmentation approaches are also constrained by significant drawbacks. As noted in Table 1, they are (1) sensitive to lighting conditions and object occlusion, (2) highly sensitive to the selection of a varying threshold, and (3) likewise incapable of visualizing leakage in 3D space. These collective limitations highlight the urgent need for a methodology capable of directly detecting leakage from a fully 3D perspective while integrating robust geometric features.

3. Materials and Methods

This study presents a novel approach for detecting water leakage in shield tunnels using 3D point cloud data. The proposed approach integrates intensity and geometric features with an XGBoost classifier to enhance detection accuracy and efficiency. As illustrated in Figure 1, the methodology comprises three core stages: data preprocessing, local feature generation, and tunnel leakage detection. The preprocessing stage begins with slicing the 3D point cloud data along the longitudinal axis of the tunnel. This slicing facilitates manageable data segmentation, aligning the dataset with the geometric structure of the tunnel. Noise in the point cloud data is then filtered using an enhanced RANSAC algorithm, which incorporates refined random point selection to improve precision of outlier removal. Following noise filtering, samples are selected for training and testing purposes. This step ensures that the dataset is properly balanced and representative of various tunnel leakage scenarios. Post-preprocessing, the framework focuses on extracting relevant features for classification. Geometric features are computed alongside smoothed intensity features, which are generated using a k-nearest neighbors (k-NN) algorithm. The optimal neighborhood scale for feature extraction is determined by analyzing the F1-score across varying k-values. Finally, the XGBoost classifier is employed to integrate these features for leakage detection. XGBoost was adopted for its robustness, scalability, and ability to handle both linear and non-linear relationships in multi-feature datasets. This model effectively differentiates between leakage and non-leakage points, achieving high detection accuracy while maintaining computational efficiency.

3.1. Data Preprocessing

3.1.1. Tunnel Slicing Along the Tunnel Axis

Slicing the tunnel along its longitudinal axis represents a critical preprocessing step for tunnel point cloud data. This segmentation facilitates localized analysis and ensures higher accuracy in subsequent processing tasks. The slicing process begins by identifying the longitudinal axis of the tunnel through principal component analysis (PCA), which extracts the principal axis from the 3D point cloud data to define the slicing direction and maintain geometric alignment [31]. Once the principal axis is established, the point cloud is divided into slices of uniform thickness. Let the point cloud coordinates be P x i , y i , z i i = 1 2 n , and the slice thickness denoted as w . With the tunnel axis aligned with the Y-axis, the number of slices n s l i c e is calculated using Equation (1).
n s l i c e = f l o o r y max y min / w
where f l o o r ( ) denotes the ceiling function. The coordinates of the point cloud within each slice are stored as p s l i c e k ( k = 1 2 n s l i c e ), enabling spatially segmented analysis. Figure 2 illustrates the slicing process for the tunnel point cloud.

3.1.2. Cross-Section Fitting

After slicing, each point within a slice is projected onto the XOZ plane by ignoring the y-coordinate, resulting in a set of 2D points p s l i c e x i , z i i = 1 2 n . To accurately delineate the tunnel’s geometry from these projected points, a process known as cross-section fitting is performed, which involves creating a precise elliptical model to represent the shape of the tunnel slice. For this task, the random sample consensus (RANSAC) algorithm is employed due to its robustness against outliers. The fitting procedure for each cross-section involves the following iterative steps: (1) A minimal subset of points is randomly selected from the projected data. (2) An ellipse is fitted using selected subset. (3) All other points in the cross-section are tested against this ellipse, and the number of points (inliers) that fit the model within a predefined tolerance is counted. These steps are repeated for a set number of iterations, and the ellipse with the largest set of inliers is selected as the final, robust representation of the tunnel’s cross-section.
To enhance robustness of ellipse fitting, points corresponding to tracks and ground are excluded during the random sampling process, as these irrelevant or outlier points are geometrically distant from the tunnel lining. Including these irrelevant points in the process of fitting could distort the ellipse fitting and compromise the accuracy of cross-sectional geometry extraction. A polar coordinate system is introduced to streamline the process. The mean coordinates x , z of all points in each slice are calculated and serve as the origin of the polar coordinate system. For each point, polar coordinates r i , θ i relative to this origin x , z are derived using Equation (2).
r i = x i x 2 + z i z 2 θ i = arctan 2 z i z , x i x
This polar representation enables angular filtering of points to isolate track and ground regions. Typically, these points fall within angular ranges of approximately 230 degrees to 310 degrees in cross-sectional polar coordinates, as shown in Figure 3. The ellipse is fitted using the RANSAC algorithm on points outside these angular ranges, and its geometry is described by the standard ellipse equation, as shown in Equation (3).
x h 2 a 2 + z k 2 b 2 = 1
where h , k is the ellipse center, and a and b represent the semi-major and semi-minor axes, respectively.

3.1.3. Unwanted Points Removal

Following ellipse fitting, the cross-sectional point cloud data is refined by evaluating the geometry consistency of individual points with the fitted ellipse. Specifically, points are classified based on their distances to the ellipse: those within two standard deviations of mean distance are retained as part of the tunnel lining, while outliers typically corresponding to noise, track points, bolt holes, or auxiliary facilities are flagged for removal. This statistical thresholding utilizes the normal distribution of lining points to distinguish structural components from non-lining features. This refinement process is iterative: after removing outliers, the ellipse is refitted to the remaining points, and the distance-based filtering is reapplied until the point set stabilizes (i.e., no further significant changes occur in the fitted ellipse parameters). This iterative approach ensures that the final point cloud accurately represents the geometric integrity of tunnel lining, effectively suppressing interference from ancillary structures. By progressively isolating the lining points, this step lays a robust foundation for subsequent leakage detection by minimizing false positives from irrelevant features.

3.2. Neighborhood Selection and Feature Generation

After preprocessing the tunnel point cloud data and isolating the tunnel lining points, the next critical step involves feature selection and design. This process begins with defining the local neighborhood around each point, which is essential for describing the 3D structure through geometric and intensity-based features. Neighborhood selection establishes the local spatial context for each point, with its effectiveness directly influencing feature relevance and accuracy. Common approaches include k-neighborhood, spherical neighborhood, and cylindrical neighborhood, as described in [32]. In this research, k-nearest neighbors (k-NN) are employed to define the neighborhood for each point. Based on these neighborhoods, five discriminative features are derived, including smoothed intensity, distance to the fitted ellipse, anisotropy, isotropy, and sphericity. The descriptions of these features are summarized as follows:
Intensity feature. Leakage points typically exhibit lower intensity values than the tunnel lining. This difference enables distinguishing leakage regions from the intact tunnel lining. However, scanning occlusions may introduce noisy intensity values, leading to potential misclassification of some lining points as leakage. To address this, the smoothed intensity is computed by averaging the intensity values within the k-neighborhood using Equation (4).
S m o o t h e d   i n s t e n s i t y = i = 1 k i n t e n s i t y i / k
where k Intensity feature. Leakage points typically exhibit lower intensity values than the tunnel lining. This difference enables distinguishing leakage regions from the intact tunnel lining. However, scanning occlusions may introduce noisy intensity values, leading to potential misclassification of some lining points as leakage. To address this, the smoothed intensity is computed by averaging the intensity values within the k-neighborhood using Equation (4).
Geometric features. Geometric features capture spatial structural variations and include four geometric features:
(a) Distance to the fitted ellipse: it measures the 2D distance from each point in a slice to the fitted ellipse. Leakage points near circumferential joints often protrude slightly, resulting in larger distances compared to lining. The distance is calculated using Equation (5):
d = | x h 2 a 2 + z k 2 b 2 1 |
where | | represents the absolute value.
(b) Anisotropy: it reflects the variation in data distribution across different directions. Leakage regions exhibit irregular shapes, leading to high anisotropy in the local point distribution.
(c) Isotropy: it reflects the uniformity of data across all directions. In contrast to anisotropy, leakage exhibits lower isotropy, whereas the tunnel lining demonstrates higher isotropy.
(d) Sphericity: it quantifies the similarity of local point clusters to a sphere. Leakage points with irregular distributions have lower sphericity, while tunnel lining points exhibit higher sphericity. More explanation about anisotropy, isotropy and sphericity can be seen in [32].
To ensure cross-scale and cross-dataset comparability, all geometric features are normalized using Equation (6). In such a way, feature values remain within [0, 1].
F = ( F F m i n ) / ( F m a x F m i n )
where F m i n represents the minimum values of features, and F m a x are the maximum values of features.

3.3. Optimal Neighborhood Scale Determination

The selection of an optimal neighborhood scale is critical for accurate feature extraction and subsequent leakage detection. Traditional scale selection often relies on heuristic knowledge or empirical rules. However, such methods may lack generalizability across diverse datasets. To address this, various data-driven approaches have been proposed, such as analyzing local surface variations [33], iterating geometric features for scale determination [34], using eigenentropy for scale selection [35], and aligning scales with object-specific recall thresholds [32]. These methods ensure scale selection is aligned with the dataset characteristics and analytical objectives.
In this study, the focus is on optimizing the F1-score, which is a harmonic mean of precision and recall, to balance extraction completeness and accuracy of leakage detection. The determination of optimal neighborhood scale follows a systematic evaluation approach. For each candidate neighborhood scale (5, 10, 20, 40, 60, 80, and 100), the method generates distinct training and validation datasets using the corresponding scale parameters. Each classifier undergoes independent training on its scale-specific training dataset, with subsequent performance evaluation conducted on the corresponding validation dataset. The scale yielding the highest F1-score is selected as the optimal value. This systematic approach guarantees that the selected scale maximizes segmentation accuracy while minimizing the influence of noise and outliers. By systematically testing a broad range of scales, this method provides a robust framework for determining the optimal scale, enhancing both the precision and reliability of tunnel leakage detection.

3.4. Classifier Selection

XGBoost (Extreme Gradient Boosting) is a state-of-the-art machine learning algorithm renowned for its exceptional efficiency and performance in classification tasks [36]. It operates within a gradient boosting framework, iteratively constructing an ensemble of weak learners where each new learner focuses on correcting the residuals from previous predictions. This iterative process unfolds as follows: (1) an initial prediction is made for all data instances; (2) a new decision tree is trained to model the errors, or residuals, of the current ensemble; (3) this new tree is added to the ensemble, scaled by a learning rate to control its impact; and (4) these steps are repeated until the model’s performance no longer improves. Mathematically, the ensemble model at iteration t us updated as:
y i ( t ) ( x ) = y i ( t 1 ) ( x ) + η f t ( x i )
where y i ( t ) ( x ) denotes the ensemble model at iteration, t , y i ( t 1 ) ( x ) represents the model from the previous iteration, f t ( x i ) is the newly trained weak learner based on prediction residuals, and η denotes the learning rate and controls the contribution of f t ( x i ) .
The strength of XGBoost lies in its ability to combine multiple weak learners into a robust ensemble while mitigating overfitting through regularization techniques. Additionally, its parallel processing capability via multi-threading significantly accelerates training on large datasets, and its handling of sparse or missing data further enhances adaptability to real-world scenarios. While other modern gradient boosting algorithms such as LightGBM and CatBoost exist, XGBoost was specifically chosen for this study due to its optimal balance of predictive performance, robustness, and, most critically, its powerful and well-established tools for feature interpretability. These features make XGBoost particularly suitable for processing complex 3D point cloud data with high dimensionality and structural variability.
In this study, XGBoost is employed to utilize the five-dimensional feature space (smoothed intensity and four geometric features) derived from optimal neighborhood scales (as detailed in Section 3.3). By integrating both intensity and geometric deviations, the classifier captures subtle distinctions between leakage and non-leakage points. By systematically optimizing the neighborhood scale and feature normalization (Section 3.2), XGBoost effectively models the non-linear relationships within the multi-feature dataset, ensuring accurate leakage detection with balanced precision and recall. This combination of data-driven feature engineering and a robust ensemble learning approach positions XGBoost as an ideal choice for addressing the complexity of tunnel point cloud analysis.

3.5. Performance Evaluation Metrics

The performance of the proposed methodology was quantitatively evaluated using the standard classification metrics of precision, recall, and F1-score [32,37]. The calculation of these metrics relies on a comparison against a reliable ground truth, which for this study was established through a rigorous manual segmentation process. This procedure involved independent labeling of the point clouds by several researchers using CloudCompare v2.14 software, with on-site photographs providing an essential visual reference to ensure accuracy. Following the initial labeling, a joint review was conducted to resolve any discrepancies until a unanimous consensus was reached for the final reference data. These metrics are derived from the four components of the confusion matrix, which compares the model’s predictions against this established ground truth: true positives (TP), false positives (FP), true negatives (TN), and false negatives (FN). Precision, which measures the exactness of the classifier, is calculated using Equation (8); recall, representing a measure of completeness, is calculated using Equation (9); and the F1-score, which provides the harmonic mean of precision and recall, is determined via Equation (10).
P r e c i s i o n = T P T P + F P
R e c a l l = T P T P + F N
F 1 - s c o r e = 2 × P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l

4. Experimental Results and Discussions

4.1. Experimental Data Collection

This study utilized point cloud data from two shield tunnel sections from Nanjing Metro Line #2 and Line #10, spanning 1400 m (Dataset 1) and 1600 m (Dataset 2), respectively. Both tunnels are constructed from standard precast concrete segments, which is a typical design for such infrastructure. The tunnel point cloud data were collected using the Track Laser Scanning and Detection (TLSD) system, as illustrated in Figure 4. The TLSD system is composed of three primary components. The first is the Faro Focus 350 laser scanner, a high-performance instrument characterized by a ranging accuracy of ±1 mm, a scanning speed of up to 976,000 points per second, and a maximum scanning range of 350 m. Its compact dimensions (230 × 183 × 103 mm) and low weight (4.2 kg including battery) make it highly suitable for mobile applications within confined tunnel spaces. The second component is a track-mounted trolley, which provides stable driving power and mobility for the system along the tunnel. The third is an industrial tablet computer, which facilitates real-time monitoring and data processing during acquisition.
The data acquisition procedure was systematically executed. First, key operational parameters were established, including a point cloud resolution of 3.1 mm at a 10 m distance, a scanning frequency of 50 Hz, and a constant trolley speed of 0.5 m/s. The scanner then performed a continuous two-dimensional spiral scan of the tunnel cross-section, recording the scan distance, incidence angle, and timestamp for each measured point. The scanning distance is inherently variable, with its range determined by the standard 5.5 m inner diameter of the tunnels and the central position of the track-mounted system.
Finally, the system synthesized these raw measurements with the trolley’s velocity data to compute the precise three-dimensional coordinates for the entire point cloud.

4.2. Experimental Setting and Parameter Configuration

In this study, the proposed approach was implemented on a workstation equipped with an Intel Core i7-12700KF CPU (manufactured by Intel Corporation, Santa Clara, CA, USA), an NVIDIA GeForce RTX 3080Ti GPU (manufactured by NVIDIA Corporation, Santa Clara, CA, USA), and 64 GB of RAM (sourced from Kingston Technology, Fountain Valley, CA, USA), running Windows 10 with Python 3.8. XGBoost was adopted for leakage detection. Several key hyperparameters were configured as follows: the number of decision trees, representing the number of boosting iterations, was set to 100; the learning rate was set to 0.3, regulating the update step in each iteration; and the maximum tree depth was specified as 6, which denotes the maximum splitting depth for each node. This setup strikes a balance between computational overhead and detection accuracy.

4.3. Data Preprocessing Results

Following the acquisition of point cloud data, preprocessing was conducted as detailed in Section 3.1. Figure 5 displays the denoising results for a segment of Dataset 1. As illustrated in Figure 5, the preprocessing effectively removed points associated with rails, auxiliary facilities, ground, and bolt holes. These results demonstrate that the capability of the method to minimize point cloud noise and mitigate interference in leakage detection, thereby establishing a robust foundation for the subsequent detection process.
The preprocessed data now exclusively comprises tunnel linings and leakage points. The subsequent steps involve sample selection for model training and testing. Due to the relatively small proportion of leakage points compared to tunnel lining points, sections with a higher incidence of leakage were chosen for training. Table 2 summarizes the key characteristics of the selected samples, including the leakage type, point density, tunnel length, number of points, and leakage–lining point count ratio.

4.4. Optimal Neighborhood Scale Results and Analysis

The optimal neighborhood scale was determined by maximizing the F1-score across various values of k. Table 3 presents the recall, precision, and F1-score for various k-values across both datasets. For Dataset 1, the highest F1-score of 91.18% was achieved with a k-value of 5. For dataset 2, the highest F1-score of 97.84% was obtained with a k-value of 10. Therefore, the optimal neighborhood scales for the two datasets are 5 and 10, respectively. The variation in optimal scales between the two datasets may be attributed to the larger minimum point spacing in Dataset 2, which requires a larger scale to capture a sufficient number of neighborhood points.

4.5. Leakage Detection Results

To investigate the contribution of intensity features and geometric features on leakage detection accuracy, ablation experiments were conducted. Figure 6 demonstrates that the proposed method accurately detects and effectively segments leakages in 3D space, with the segmented leakage shapes closely matching their corresponding ground truth representations. Table 4 further presents the recall, precision, and F1-score for different feature sets across both datasets. For the two datasets, classification using only intensity features resulted in a precision of 87.17% and 95.56% for leakage detection, respectively. This indicates that intensity features are effective in distinguishing leakages from non-leakages. In Dataset 2, the recall for leakage reached 98.27%, demonstrating the efficacy of intensity features in extracting leakages. However, the lower recall for leakage in Dataset 1 may be attributed to a significant overlap in intensity distributions between leakage and tunnel lining, which diminishes the effectiveness of intensity features for leakage, as illustrated in Figure 7.

4.6. Comparison with Other Frequently Used Classifiers

To validate the accuracy and efficiency of the selected classifier, XGBoost was benchmarked against four other high-performance models commonly employed for classification tasks: AdaBoost, Random Forest (RF), LightGBM, and CatBoost. The comparative performance was evaluated based on the metrics of precision, recall, and F1-score, as presented in Table 5, while the computational runtime for each classifier is detailed in Table 6. Figure 8 provides a qualitative illustration of the leakage detection results produced by the different classifiers on Dataset 1.
As shown in Table 4, XGBoost achieves the highest recall for leakage detection among all classifiers in both datasets, a result which corresponds with the visualizations in Figure 8. This indicates that XGBoost is particularly effective in identifying potential leakage areas. While it exhibits slightly lower precision compared to some classifiers, its superior recall culminates in the highest overall F1-score for both datasets. This demonstrates that XGBoost most effectively and reliably segments leakage from the tunnel lining among the models tested.
The analysis of computational efficiency, presented in Table 5, reveals a more nuanced landscape. For inference, XGBoost demonstrates exceptional speed, with a testing time of only 0.03 min on Dataset 1 and a near-instantaneous 0.001 min on Dataset 2. In terms of training, while LightGBM exhibits the fastest performance on Dataset 1 (6.13 m), the training time for XGBoost (9.43 m) remains highly competitive and is orders of magnitude faster than traditional models like AdaBoost (5308.25 m) and Random Forest (956.40 m). This efficiency can be attributed to the optimized gradient boosting framework of XGBoost, which supports parallel and distributed computing, facilitating rapid model convergence. When considering both its state-of-the-art accuracy and its excellent computational performance, particularly its rapid inference speed, XGBoost emerges as the most balanced and practical choice for this application.

4.7. Comparison with Different Methods

To validate the superiority of the proposed method, its performance was benchmarked against three prominent deep learning models: PointNet, PointNet++, and DGCNN. All models were evaluated on Dataset 1 using an identical input data format of [x, y, z, intensity]. The comprehensive results, which include both accuracy and computational runtime, are presented in Table 7.
In terms of segmentation accuracy, the proposed method significantly outperforms the deep learning models across all key metrics, including precision, recall, and F1-score. This enhanced performance can be attributed to the method’s ability to effectively capture subtle geometric features through neighborhood analysis and its robust handling of intensity variations, which are crucial for distinguishing leakage from the tunnel lining. Regarding computational efficiency, the proposed method demonstrates a pronounced advantage, particularly in the inference phase. As detailed in Table 6, the test time is orders of magnitude lower: only 0.03 min compared to the 9 to 45 min required by the deep learning architectures. It is also noteworthy that the total training time for the proposed method (2 h 9 m) encompasses both feature extraction and model training. The XGBoost model training itself was remarkably swift, requiring only 9.43 min, as shown in Table 5, with the remainder of the time dedicated to the one-time feature extraction process. This efficiency stems from avoiding the computationally intensive, end-to-end feature learning inherent in deep learning networks.
These quantitative findings are further supported by the qualitative results illustrated in Figure 9. While all three deep learning models effectively detect leakages, they exhibit certain limitations; PointNet++ is prone to over-segmentation, and both DGCNN and PointNet misclassify some tunnel lining points as leakage. In contrast, the proposed method successfully discriminates between leakages and tunnel lining, achieving a more precise segmentation that aligns closely with the ground truth shapes.
Collectively, these results confirm that the proposed method provides a compelling balance of high accuracy and superior computational efficiency, making it a robust and practical solution for tunnel leakage detection.

4.8. Generalizability of the Proposed Method

To evaluate the generalization performance of the proposed method, the model trained on Dataset 1 was tested on four additional heterogeneous datasets. These datasets were captured using various scanners, including Leica, Faro, and Z + F, and feature a range of point densities, as detailed in Table 8. The method demonstrated strong and consistent performance on Datasets 3, 4, and 5, all of which represent shield tunnels. The F1-score for these datasets were 84.46%, 84.66%, and 96.06%, respectively. This consistent performance across diverse shield tunnel data confirms the robust generalization capability of the proposed method.
In contrast, a notable performance difference was observed for Dataset 6. While the model maintained excellent recall (99.88%), its precision was significantly lower at 73.20%. This performance drop is attributable to the fundamental design of the proposed method, which is specifically optimized for circular shield tunnels. The approach enhances detection accuracy by identifying the distinct geometric characteristics of ring seams and by utilizing the “Distance to ellipse” feature. The horseshoe-shaped cross-section of Dataset 6, however, violates these core geometric assumptions. This structural difference not only renders the “Distance to ellipse” feature inapplicable, but also means the tunnel lacks the regular, pronounced ring seams that the classifier uses as crucial contextual cues. The resulting drop in precision is therefore a logical consequence of applying a specialized model to a fundamentally different tunnel structure.

4.9. Importance of Geometric Features

To validate the significance of geometric features, ablation studies were conducted. As presented in Table 9, the inclusion of geometric features yielded significant improvements for Dataset 1, with precision, recall, and F1-score increasing by 12.56%, 14.28%, and 13.36%, respectively. In contrast, their impact on Dataset 2 was minimal, where recall and F1-score rose by only 0.95% and 0.46%, respectively. The observed performance discrepancy can be primarily attributed to variations in tunnel structural conditions and the resulting impacts of preprocessing. In practical engineering scenarios, leakages frequently occur at structural discontinuities, such as ring seams and bolt holes, which present distinct geometric characteristics compared to the relatively uniform tunnel lining. As illustrated by Table 2 and the “Distance to ellipse” feature in Figure 10, Dataset 2 exhibited more significant cross-sectional deformation than Dataset 1. This condition necessitated a more aggressive denoising procedure, which inevitably removed numerous points corresponding to ring seams and bolt holes. The loss of critical geometric information hindered the effective identification of leakage features.
The feature importance analysis, illustrated in Figure 11, further corroborates this explanation. Geometric features demonstrated greater importance in Dataset 1, which, as shown in Figure 10, retained more points associated with seams and bolt holes. Additionally, intensity features were overwhelmingly dominant in Dataset 2. This aligns with the observations in Section 4.5, where the intensity values for leakage and non-leakage areas in Dataset 2 show minimal overlap, making intensity a more discriminative feature for leakage detection.
While the proposed method demonstrates promising accuracy, two primary limitations were identified that also suggest clear directions for future research. First, a significant overlap in intensity distributions can occasionally occur between leakage areas and the tunnel lining, which diminishes the discriminative power of the intensity feature. A potential mitigation strategy involves developing an effective intensity correction technique to reduce this overlap. Second, for tunnels with severe cross-sectional deformation, the necessarily aggressive denoising process can inadvertently remove the subtle geometric features that are critical for detection. Therefore, future work could focus on designing a deformation-aware denoising algorithm. Such a method would be tailored to preserve the geometric integrity of structural features like ring seams, thereby enhancing the robustness of the feature extraction process.

5. Conclusions

This study presents a novel framework that integrates both geometric and intensity features for robust leakage detection. A pivotal advancement of this framework is the synergistic use of engineered geometric features with a highly efficient XGBoost classifier. The method employs robust ellipse fitting to handle structural noise and then generates key geometric descriptors from the point cloud. These features, combined with intensity data, create a multi-dimensional representation of each point. The XGBoost classifier is effectively utilized within this multi-feature space to accurately distinguish leakage from the tunnel lining. Extensive experiments demonstrate the superior performance of this approach, which achieves F1-scores of 91.18% and 97.84% on two datasets. A direct comparison with other prominent classifiers, including RF, AdaBoost, CatBoost, and LightGBM, demonstrated that XGBoost provides the best balance of accuracy and efficiency. Furthermore, the proposed method surpasses state-of-the-art deep learning models, including PointNet, PointNet++, and DGCNN, in both segmentation accuracy and computational speed. Additionally, robust performance across four heterogeneous datasets validates the strong cross-device and cross-site generalization capabilities of the framework, confirming the efficacy and practicality of the proposed method.

Author Contributions

Conceptualization, A.Z.; Funding acquisition, Y.S.; Investigation, J.H.; Methodology, A.Z.; Resources, J.H., Z.S. and J.D.; Software, Y.Z.; Supervision, Y.S.; Validation, J.D.; Visualization, Y.Z.; Writing—original draft, A.Z. and J.H.; Writing—review & editing, Z.S. and Y.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (Grant No. 41801379), and the Open Found of Tunnel and Underground Engineering Research Center of Jiangsu Province (Grant No. 2023-SDJJ-01).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets presented in this article are not readily available because of project privacy restrictions.

Conflicts of Interest

The authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.

References

  1. Guo, Z.; Wei, J.; Sun, H.; Zhong, R.; Ji, C. Enhanced water leakage detection in shield tunnels based on laser scanning intensity images using RDES-Net. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2024, 17, 5680–5690. [Google Scholar] [CrossRef]
  2. Zhou, H.; Gao, B.; Wu, W. Automatic crack detection and quantification for tunnel lining surface from 3D terrestrial LiDAR data. J. Eng. Res. 2023, 11, 239–257. [Google Scholar] [CrossRef]
  3. Cui, H.; Mao, Q.; Li, J.; Hu, Q.; Tao, Y.; Ma, J.; Li, Z. Shield tunnel dislocation detection method based on semantic segmentation and bolt hole positioning of MLS point cloud. IEEE Trans. Geosci. Remote Sens. 2024, 62, 5702815. [Google Scholar] [CrossRef]
  4. Camara, M.; Wang, L.; You, Z. Tunnel cross-section deformation monitoring based on mobile laser scanning point cloud. Sensors 2024, 24, 7192. [Google Scholar] [CrossRef] [PubMed]
  5. Liu, C.; Liu, Y.; Chen, Y.; Zhao, C.; Qiu, J.; Wu, D.; Liu, T.; Fan, H.; Qin, Y.; Tang, K. A state-of-the-practice review of three-dimensional laser scanning technology for tunnel distress monitoring. J. Perform. Constr. Facil. 2023, 37, 03123001. [Google Scholar] [CrossRef]
  6. Yu, P.; Wu, H.; Liu, C.; Xu, Z. Water Leakage Diagnosis in Metro Tunnels by Intergration of Laser Point Cloud and Infrared Thermal Imaging. In Proceedings of the International Archives of the Photogrammetry, Remote Sensing and Spatial Information Sciences, Beijing, China, 7–10 May 2018; pp. 2167–2171. [Google Scholar]
  7. Huang, H.; Sun, Y.; Xue, Y.; Wang, F. Inspection equipment study for subway tunnel defects by grey-scale image processing. Adv. Eng. Inform. 2017, 32, 188–201. [Google Scholar] [CrossRef]
  8. Huang, H.; Cheng, W.; Zhou, M.; Chen, J.; Zhao, S. Towards automated 3D inspection of water leakages in shield tunnel linings using mobile laser scanning data. Sensors 2020, 20, 6669. [Google Scholar] [CrossRef] [PubMed]
  9. Nojima, K.; Kawhara, M. Mesh generation of three-dimensional underground tunnels based on the three-dimensional delaunay tetrahedration. J. Appl. Mech. 2002, 5, 253–262. [Google Scholar] [CrossRef]
  10. Yi, C.; Lu, D.; Xie, Q.; Liu, S.; Li, H.; Wei, M.; Wang, J. Hierarchical tunnel modeling from 3D raw LiDAR point cloud. Comput. Aided Des. 2019, 114, 143–154. [Google Scholar] [CrossRef]
  11. Wang, K.; Wu, X.; Li, H.; Wang, F.; Zhang, L.; Chen, H. Adaptively unsupervised seepage detection in tunnels from 3D point clouds. Struct. Infrastruct. Eng. 2022, 20, 1288–1306. [Google Scholar] [CrossRef]
  12. Li, P.; Wang, Q.; Li, J.; Pei, Y.; He, P. Automated extraction of tunnel leakage location and area from 3D laser scanning point clouds. Opt. Lasers Eng. 2024, 178, 108217. [Google Scholar] [CrossRef]
  13. Hawley, C.J.; Gräbe, P. Water leakage mapping in concrete railway tunnels using LiDAR generated point clouds. Constr. Build. Mater. 2022, 361, 129644. [Google Scholar] [CrossRef]
  14. Tan, K.; Cheng, X.; Ju, Q.; Wu, S. Correction of mobile TLS intensity data for water leakage spots detection in metro tunnels. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1711–1715. [Google Scholar] [CrossRef]
  15. Xu, T.; Xu, L.; Li, X.; Yao, J. Detection of water leakage in underground tunnels using corrected intensity data and 3D point cloud of terrestrial laser scanning. IEEE Access 2018, 6, 32471–32480. [Google Scholar] [CrossRef]
  16. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  17. Faster, R. Towards Real-Time Object Detection with Region Proposal Networks. In Proceedings of the Advances in Neural Information Processing Systems, Montreal, QC, Canada, 7–12 December 2015; pp. 2969239–2969250. [Google Scholar]
  18. Dai, J.; Li, Y.; He, K.; Sun, J. R-FCN: Object Detection Via Region-Based Fully Convolutional Networks. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 5–10 December 2016; pp. 379–387. [Google Scholar]
  19. Chen, Q.; Kang, Z.; Cao, Z.; Xie, X.; Guan, B.; Pan, Y.; Chang, J. Combining cylindrical voxel and mask R-CNN for automatic detection of water leakages in shield tunnel point clouds. Remote Sens. 2024, 16, 896. [Google Scholar] [CrossRef]
  20. Chen, L.-C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 801–818. [Google Scholar]
  21. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You only look once: Unified, Real-Time Object Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 779–788. [Google Scholar]
  22. Xu, X.; Zhao, M.; Shi, P.; Ren, R.; He, X.; Wei, X.; Yang, H. Crack detection and comparison study based on faster R-CNN and mask R-CNN. Sensors 2022, 22, 1215. [Google Scholar] [CrossRef] [PubMed]
  23. Xu, Y.; Li, D.; Xie, Q.; Wu, Q.; Wang, J. Automatic defect detection and segmentation of tunnel surface using modified Mask R-CNN. Measurement 2021, 178, 109316. [Google Scholar] [CrossRef]
  24. Zhao, X.; Wang, X.; Du, Z. Research on Detection Method for the Leakage of Underwater Pipeline by YOLOv3. In Proceedings of the IEEE International Conference on Mechatronics and Automation (ICMA), Zhengzhou, China, 13–16 October 2020; pp. 637–642. [Google Scholar]
  25. Liu, S.; Sun, H.; Zhang, Z.; Li, Y.; Zhong, R.; Li, J.; Chen, S. A multiscale deep feature for the instance segmentation of water leakages in tunnel using MLS point cloud intensity images. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–16. [Google Scholar] [CrossRef]
  26. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-CNN. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
  27. Long, J.; Shelhamer, E.; Darrell, T. Fully Convolutional Networks for Semantic Segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  28. Chen, J.; Xu, X.; Jeon, G.; Camacho, D.; He, B.-G. WLR-Net: An improved YOLO-V7 with edge constraints and attention mechanism for water leakage recognition in the tunnel. IEEE Trans. Emerg. Top. Comput. Intell. 2024, 8, 3105–3116. [Google Scholar] [CrossRef]
  29. Wang, D.; Hou, G.; Chen, Q.; Li, W.; Fu, H.; Sun, X.; Yu, X. Segmentation of tunnel water leakage based on a lightweight DeepLabV3+ model. Meas. Sci. Technol. 2024, 36, 015414. [Google Scholar] [CrossRef]
  30. Xue, Y.; Shi, P.; Jia, F.; Huang, H. 3D reconstruction and automatic leakage defect quantification of metro tunnel based on SfM-Deep learning method. Undergr. Space 2022, 7, 311–323. [Google Scholar] [CrossRef]
  31. Shen, Y.; Wang, J.; Wang, J.; Duan, W.; Ferreira, V.G. Methodology for extraction of tunnel cross-sections using dense point cloud data. J. Geod. Geoinf. Sci. 2021, 4, 56. [Google Scholar]
  32. Huang, J.; Shen, Y.; Wang, J.; Ferreira, V. Automatic pylon extraction using color-aided classification from UAV LiDAR point cloud data. IEEE Trans. Instrum. Meas. 2023, 72, 2520611. [Google Scholar] [CrossRef]
  33. Belton, D.; Lichti, D.D. Classification and Segmentation of Terrestrial Laser Scanner Point Clouds Using Local Variance Information. In Proceedings of the International Archives of the Photogrammetry, Remote Sensing and Spatial Information Sciences, Dresden, Germany, 25–27 September 2006; pp. 44–49. [Google Scholar]
  34. Lalonde, J.-F.; Unnikrishnan, R.; Vandapel, N.; Hebert, M. Scale Selection for Classification of Point-Sampled 3D Surfaces. In Proceedings of the Fifth International Conference on 3-D Digital Imaging and Modeling (3DIM 2005), Ottawa, ON, Canada, 13–16 June 2005; pp. 285–292. [Google Scholar]
  35. Weinmann, M.; Urban, S.; Hinz, S.; Jutzi, B.; Mallet, C. Distinctive 2D and 3D features for automated large-scale scene analysis in urban areas. Comput. Graph. 2015, 49, 47–57. [Google Scholar] [CrossRef]
  36. Chen, T.; Guestrin, C. Xgboost: A Scalable Tree Boosting System. In Proceedings of the 22nd ACM Sigkdd International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 17–21 November 2016; pp. 785–794. [Google Scholar]
  37. Shen, Y.; Yang, Y.; Jiang, J.; Wang, J.; Huang, J.; Ferreira, V.; Chen, Y. A novel method to segment individual wire from bundle conductor using UAV-LiDAR point cloud data. Measurement 2023, 211, 112603. [Google Scholar] [CrossRef]
Figure 1. The workflow of the proposed methodology.
Figure 1. The workflow of the proposed methodology.
Sensors 25 04475 g001
Figure 2. Graphical illustration for tunnel point cloud slicing.
Figure 2. Graphical illustration for tunnel point cloud slicing.
Sensors 25 04475 g002
Figure 3. Schematic diagram of tunnel cross-section point cloud for polar coordinate calculation.
Figure 3. Schematic diagram of tunnel cross-section point cloud for polar coordinate calculation.
Sensors 25 04475 g003
Figure 4. TLSD system for tunnel point cloud data collection.
Figure 4. TLSD system for tunnel point cloud data collection.
Sensors 25 04475 g004
Figure 5. Example results of point cloud data preprocessing. (a) Raw point cloud. (b) Denoised point cloud.
Figure 5. Example results of point cloud data preprocessing. (a) Raw point cloud. (b) Denoised point cloud.
Sensors 25 04475 g005
Figure 6. Example results of leakage detection for Dataset 1.
Figure 6. Example results of leakage detection for Dataset 1.
Sensors 25 04475 g006
Figure 7. Intensity probability density for both datasets. (a) Dataset 1. (b) Dataset 2.
Figure 7. Intensity probability density for both datasets. (a) Dataset 1. (b) Dataset 2.
Sensors 25 04475 g007
Figure 8. Example results of leakage detection from different classifiers presented in a 2D side view for Dataset 1.
Figure 8. Example results of leakage detection from different classifiers presented in a 2D side view for Dataset 1.
Sensors 25 04475 g008
Figure 9. Comparative results of different methods for Dataset 1.
Figure 9. Comparative results of different methods for Dataset 1.
Sensors 25 04475 g009
Figure 10. Graphical illustration for the geometric features of both datasets.
Figure 10. Graphical illustration for the geometric features of both datasets.
Sensors 25 04475 g010
Figure 11. Graphical illustration for the feature importance of both datasets.
Figure 11. Graphical illustration for the feature importance of both datasets.
Sensors 25 04475 g011
Table 1. Comparison of representative leakage detection methods. Note: E3NCA denotes the Efficient 3-Normalized Conv1Ds of Attention module; Soft-NMS denotes the Soft Non-Maximum Suppression; FPN denotes Feature Pyramid Network; IoU measures the overlap between the predicted leakage area and the ground truth; mIoU is the average IoU across all classes. AP is the average value of precision; AP50 and AP75 are the AP calculated at an IoU threshold of 0.50 and 0.75, respectively; mAP is the average AP over all classes; NA indicates that the data is not available.
Table 1. Comparison of representative leakage detection methods. Note: E3NCA denotes the Efficient 3-Normalized Conv1Ds of Attention module; Soft-NMS denotes the Soft Non-Maximum Suppression; FPN denotes Feature Pyramid Network; IoU measures the overlap between the predicted leakage area and the ground truth; mIoU is the average IoU across all classes. AP is the average value of precision; AP50 and AP75 are the AP calculated at an IoU threshold of 0.50 and 0.75, respectively; mAP is the average AP over all classes; NA indicates that the data is not available.
ApproachSourceStructureEquipmentUsed Data Type for DetectionDetection TechniquesDetection AccuracyLimitations
Intensity threshold-based segmentationHuang, et al. [7]ShieldMTI-100 system (Line array camera)ImageOtsu methodNA(1) Sensitive to lighting conditions and object occlusion
(2) Sensitive to varying threshold
(3) Failure to visualize leakage patterns in 3D space
Xu, et al. [15]RectangleTLS system ((RIEGL VZ400i scanner)Images projected using point cloudsIntensity thresholdNA
Image-based supervised classificationLiu, et al. [25]ShieldMLS system (Faro 120 & Leica P16 scanner)Images projected using point clouds(1) Res2Net
(2) Cascade module
(3) FCN
AP: 58.9%
AP50: 89.7%
AP75: 66.8%
(1) Sensitive to lighting conditions and object occlusion
(2) Spatial information loss from 2D projection
(3) Failure to visualize leakage patterns in 3D space
Guo, et al. [1]ShieldMLS system (Faro X120 scanner)Images projected using point clouds(1) YOLOv5
(2) E3NCA
(3) SoftNMS
mAP: 68.9%/49.2
Chen, et al. [28]ShieldNAImages(1) YOLOv7
(2) Attention mechanisms
(3) Edge refinement
IoU: 89.97%
Wang, et al. [29]ShieldManual photographyImages(1) DeepLabV3
(2) Channel attention
mIoU: 84.68%
Chen, et al. [19]ShieldMLS system (Faro 120 scanner)/TLS system (Faro 350 scanner)Images projected using point clouds(1) Mask R-CNN
(2) FPN
(3) ResNet 50
mAP:
76.4%
Table 2. Selection of training and testing samples. Length represents total mileage of tunnel. Ratio denotes the number proportion of leakage points to tunnel lining points.
Table 2. Selection of training and testing samples. Length represents total mileage of tunnel. Ratio denotes the number proportion of leakage points to tunnel lining points.
DataMean Values of Cross-Sectional DeformationPoint Cloud DensityLeakage TypeTraining SamplesTesting Samples
LengthTotal PointsRatioLengthTotal PointsRatio
Dataset 12 mm5865 pts/m2Joint leakage800 m83,020,4391:61200 m19,412,6611:22
Dataset 24 mm1652 pts/m2Joint leakage294 m4,846,9821:2422 m478,2011:109
Table 3. The recall, precision, and F1-score under different values of k (%).
Table 3. The recall, precision, and F1-score under different values of k (%).
k-ValueDataset 1Dataset 2
RecallPrecisionF1-scoreRecallPrecisionF1-score
587.1795.5691.1897.5996.8197.20
1098.4781.6689.2897.4198.2797.84
2082.3886.1084.2095.1997.0396.10
4033.5061.5843.3993.6695.5894.61
6064.7991.5775.8894.6193.4694.03
8074.9288.3081.0693.5092.1392.81
10064.3581.4271.8992.9490.5791.74
Table 4. The Recall, Precision, and F1-score using different datasets at optimal scales (%).
Table 4. The Recall, Precision, and F1-score using different datasets at optimal scales (%).
DataStructureSourcePrecisionRecallF1-score
Dataset 1ShieldNanjing, line287.1795.5691.18
Dataset 2ShieldNanjing, line1097.4198.2797.84
Table 5. The Recall, Precision, and F1-score using different classifiers (%).
Table 5. The Recall, Precision, and F1-score using different classifiers (%).
ClassifierDataset 1Dataset 2
RecallPrecisionF1-scoreRecallPrecisionF1-score
XGBoost87.1795.5691.1897.4198.2797.84
AdaBoost75.6997.9385.3991.3098.5594.79
RF51.8996.9967.6188.8598.5993.46
LightGBM84.2084.5184.3587.8693.8090.73
CatBoost84.4289.2286.7594.2194.4794.34
Table 6. The execution time of different classifiers. Note: unit is minute(s).
Table 6. The execution time of different classifiers. Note: unit is minute(s).
ClassifierDataset 1Dataset 2
Training TestingTraining Testing
XGBoost9.430.030.140.001
AdaBoost5308.250.586.930.02
RF956.400.150.930.006
LightGBM6.130.080.050.001
CatBoost90.780.102.760.001
Table 7. Comparison with different methods (%). Note: h represents hour(s). m denotes minute(s).
Table 7. Comparison with different methods (%). Note: h represents hour(s). m denotes minute(s).
MethodPrecisionRecallF1-scoreTrain TimeTest TimeTotal Time
PointNet70.7053.2060.702 h 14 m45 m2 h 59 m
PointNet++74.6252.9561.944 h 8 m42 m4 h 50 m
DGCNN54.7876.1163.713 h 50 m9 m3 h 59 m
Ours95.5687.1791.182 h 9 m0.03 m2 h 9.03 m
Table 8. The recall, precision, and F1-score using heterogeneous datasets (%).
Table 8. The recall, precision, and F1-score using heterogeneous datasets (%).
DataStructureSourceScanner TypePoint Cloud
Density
PrecisionRecallF1-score
Dataset 3ShieldNanjing, line 3Z + F1685 pts/m281.6487.4984.46
Dataset 4ShieldWuxi, line 2Faro3094 pts/m283.6585.7184.66
Dataset 5ShieldHangzhou, line 2Leica1677 pts/m294.2897.9096.06
Dataset 6HorseshoeNanjingLeica2086 pts/m273.2099.8884.48
Table 9. The recall, precision, and F1-score using different feature sets (%).
Table 9. The recall, precision, and F1-score using different feature sets (%).
DataFeature SetsPrecisionRecallF1-score
Dataset 1Intensity feature74.6181.2877.82
Intensity feature + Geometric features87.1795.5691.18
Dataset 2Intensity feature97.4397.3297.38
Intensity feature + Geometric features97.4198.2797.84
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, A.; Huang, J.; Sun, Z.; Duan, J.; Zhang, Y.; Shen, Y. Leakage Detection in Subway Tunnels Using 3D Point Cloud Data: Integrating Intensity and Geometric Features with XGBoost Classifier. Sensors 2025, 25, 4475. https://doi.org/10.3390/s25144475

AMA Style

Zhang A, Huang J, Sun Z, Duan J, Zhang Y, Shen Y. Leakage Detection in Subway Tunnels Using 3D Point Cloud Data: Integrating Intensity and Geometric Features with XGBoost Classifier. Sensors. 2025; 25(14):4475. https://doi.org/10.3390/s25144475

Chicago/Turabian Style

Zhang, Anyin, Junjun Huang, Zexin Sun, Juju Duan, Yuanai Zhang, and Yueqian Shen. 2025. "Leakage Detection in Subway Tunnels Using 3D Point Cloud Data: Integrating Intensity and Geometric Features with XGBoost Classifier" Sensors 25, no. 14: 4475. https://doi.org/10.3390/s25144475

APA Style

Zhang, A., Huang, J., Sun, Z., Duan, J., Zhang, Y., & Shen, Y. (2025). Leakage Detection in Subway Tunnels Using 3D Point Cloud Data: Integrating Intensity and Geometric Features with XGBoost Classifier. Sensors, 25(14), 4475. https://doi.org/10.3390/s25144475

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