Articles | Volume 17, issue 3
https://doi.org/10.5194/gmd-17-957-2024
https://doi.org/10.5194/gmd-17-957-2024
Development and technical paper
 | 
05 Feb 2024
Development and technical paper |  | 05 Feb 2024

GeoPDNN 1.0: a semi-supervised deep learning neural network using pseudo-labels for three-dimensional shallow strata modelling and uncertainty analysis in urban areas from borehole data

Jiateng Guo, Xuechuang Xu, Luyuan Wang, Xulei Wang, Lixin Wu, Mark Jessell, Vitaliy Ogarko, Zhibin Liu, and Yufei Zheng
Abstract

Borehole data are essential for conducting precise urban geological surveys and large-scale geological investigations. Traditionally, explicit modelling and implicit modelling have been the primary methods for visualizing borehole data and constructing 3D geological models. However, explicit modelling requires substantial manual labour, while implicit modelling faces problems related to uncertainty analysis. Recently, machine learning approaches have emerged as effective solutions for addressing these issues in 3D geological modelling. Nevertheless, the use of machine learning methods for constructing 3D geological models is often limited by insufficient training data. In this paper, we propose the semi-supervised deep learning using pseudo-labels (SDLP) algorithm to overcome the issue of insufficient training data. Specifically, we construct the pseudo-labels in the training dataset using the triangular irregular network (TIN) method. A 3D geological model is constructed using borehole data obtained from a real building engineering project in Shenyang, Liaoning Province, NE China. Then, we compare the results of the 3D geological model constructed based on SDLP with those constructed by a support vector machine (SVM) method and an implicit Hermite radial basis function (HRBF) modelling method. Compared to the 3D geological models constructed using the HRBF algorithm and the SVM algorithm, the 3D geological model constructed based on the SDLP algorithm better conforms to the sedimentation patterns of the region. The findings demonstrate that our proposed method effectively resolves the issues of insufficient training data when using machine learning methods and the inability to perform uncertainty analysis when using the implicit method. In conclusion, the semi-supervised deep learning method with pseudo-labelling proposed in this paper provides a solution for 3D geological modelling in engineering project areas with borehole data.

1 Introduction

Three-dimensional (3D) urban geological models are digital representations of subsurface strata and their associated features (Houlding, 1994). In recent years, the utilization of 3D geological models has expanded across various geological fields, such as mineral exploration (Zhang et al., 2021), geological storage (Thanh et al., 2019), groundwater resource estimation (Thibaut et al., 2021), geological disaster early warning generation (Høyer et al., 2019; Livani et al., 2022), and engineering geological condition evaluation (Chen et al., 2018; Guo et al., 2021; Lyu et al., 2021; Marzán et al., 2021).

The commonly used 3D geological modelling data include borehole data, geophysical data, survey and mapping data, and outcrop data. Among these, borehole data provide the most accurate reflection of subsurface geological information (Guo et al., 2022). Notably, 3D geological modelling from borehole data can be divided into explicit modelling and implicit modelling (Jessell, 2001; Caumon et al., 2007a; Wang et al., 2018). The explicit modelling approach can be used to directly delineate geological formations and interpret tectonics based on borehole data. Explicit 3D geological modelling methods are widely used in the 3D modelling of mines and regional geological structures, and they include the interactive 3D forward modelling method (Yang et al., 2011), the generalized tri-prism (GTP) modelling method (Wu, 2004; Che et al., 2009), and the parametric surface method (Lyu et al., 2021). However, these approaches rely heavily on the expertise of geologists and often prove time-consuming and labour-intensive when dealing with large-scale borehole data.

Implicit modelling methods are used to construct a 3D geological model by establishing the implicit equation of the isosurface representing the geometric shape of a geological body and using a series of implicit function visualization methods (Jessell et al., 2022). In other words, a complex 3D geological object is represented as a continuous function of geological coordinates (Wang and Huang, 2012; Zhong et al., 2021). This method does not require extensive human–computer interaction and has the advantages of high modelling accuracy, excellent smoothness, and high spatial analysis efficiency (Sun et al., 2023). It is widely used in the field of geological modelling (Hillier et al., 2014; Calcagno et al., 2008; Shi et al., 2021) and provides results to complement the results of most urban geological surveys (de la Varga et al., 2019). Common implicit modelling methods include nearest-neighbour value interpolation (Olivier and Hanqiang, 2012), inverse distance weighted (IDW) interpolation (Liu et al., 2020, 2021), discrete smooth interpolation (DSI) (Mallet, 1997), kriging (Wang and Huang, 2012; Thanh et al., 2019), the moving-least-squares (MLS) method (Manchuk and Deutsch, 2019), and the radial basis function (RBF) method (Caumon et al., 2013; Hillier et al., 2014; Cuomo et al., 2017; Martin and Boisvert, 2017; Skala, 2017; Zhong et al., 2019).

The sparsity of borehole data, the complexity of geological bodies or geological phenomena, and the limitations of human cognition and expression lead to uncertainty in the relationship between the geometric form of a 3D geological model and the corresponding geological system (Caumon et al., 2007b; Caers, 2011; Pakyuz-Charrier et al., 2018; Guo et al., 2022). When using the implicit modelling method to construct a 3D geological model, an implicit function can only correspond to one kind of geological interface expression. The construction of 3D geological models by establishing implicit equations cannot effectively address this uncertain relationship. Fortunately, the machine learning method is a kind of stochastic modelling method which can generate many possible geological models from one borehole dataset and easily perform uncertainty analysis by using information entropy, confusion index, etc. Therefore, this paper introduces a new geological modelling method based on machine learning approaches to evaluate the accuracy of the generated model by uncertainty analysis.

Machine learning methods have been widely used in 3D geological modelling, and they are generally applied in unsupervised or supervised 3D geological modelling (Zhang et al., 2023). Unsupervised machine learning algorithms (e.g. k-means clustering, self-organizing maps, and Gaussian mixture models) can be used to translate multisource geophysical datasets into 3D lithological models by measuring the similarity between properties in feature space (Hellman et al., 2017; Giraud et al., 2020; Whiteley et al., 2021; Zhang et al., 2022). Supervised machine learning algorithms (e.g. random forests and artificial neural networks) can be applied to construct 3D lithological models by training from labelled geophysical and geological datasets (Jia et al., 2021; Lysdahl et al., 2022). Despite obtaining encouraging results with supervised machine learning algorithms, most studies have not addressed the following critical challenges regarding supervised machine learning algorithms for 3D geological modelling:

  1. In the field of 3D geological modelling, precise and adequate geological investigating data will help generate more accurate subsurface representations. However, due to the high exploration cost, borehole data which can precisely reveal relationships between stratigraphy and tectonic features in a study area are usually limited. Utilizing the precise information obtained via boreholes as labelled data may not be enough to predict many unknown areas. The correctness of the results predicted by machine learning still requires further research.

  2. The labelled geological datasets are mainly composed of borehole data from early exploration phases (Jia et al., 2021; Lysdahl et al., 2022). The number of lithological sample categories in drilling datasets is commonly imbalanced. A classification dataset with skewed class proportions can influence the performance of machine learning algorithms (Chawla et al., 2002; Batista et al., 2004). However, very little published research has addressed the sample imbalance issue in the context of training supervised machine learning algorithms for 3D lithological modelling.

Compared with machine learning methods, deep learning algorithms improve the ability to learn from mining data and are often combined with complex geophysical and geochemical data for modelling. Currently, there is a wealth of research on neural-network-based deep learning methods for addressing geological issues such as tectonic recognition (Titos et al., 2018), mineral identification and classification (Xu and Zhou, 2018), and seismic data inversion (Huang et al., 2020) . Furthermore, in the realm of constructing 3D geological models, deep learning approaches using neural networks have also gradually garnered significant attention from numerous scholars (Laloy et al., 2017; Zhang et al., 2019; Ran and Xue, 2020; Zhang et al., 2018; Hillier et al., 2021, 2023; Avalos and Ortiz, 2020). However, the issue of insufficient training data has yet to be adequately addressed.

In this paper, we propose a semi-supervised deep learning using pseudo-labels (SDLP) algorithm for constructing 3D geological models. The algorithm is used to overcome the problems of a lack of accurate labelled data in machine learning methods and the inability of implicit modelling methods to perform uncertainty analysis. The shallow borehole data obtained from a real engineering project in Shenyang, Liaoning Province, are used to construct 3D geological models via the proposed algorithm. To demonstrate the applicability of the SDLP algorithm, the accuracy, precision, recall, and F1 score results of the SDLP algorithm are compared with those of a classic support vector machine (SVM) algorithm based on a test dataset. To further assess the accuracy of SDLP, the profiles of the 3D geological models constructed by the SDLP, SVM, and Hermite radial basis function (HRBF) algorithms are compared. The findings indicate that the SDLP algorithm can effectively solve problems where uncertainty analysis cannot be performed via the implicit modelling method and can solve the problem of the lack of training datasets by pseudo-labels.

Table 1The average thickness, maximum thickness, minimum thickness, and frequency of occurrence of the different strata.

Download Print Version | Download XLSX

2 3D modelling method based on deep learning

2.1 Borehole data preprocessing

A total of 167 boreholes obtained from a real engineering project in Shenyang were used to build the 3D geological model in this study. The primary objective of the project is to ensure building stability. These boreholes are distributed in a 305×264 m area, with an average spacing of approximately 23 m between adjacent boreholes. The average depth of the boreholes is 29.5 m. The minimum thickness of the formations revealed by the boreholes is 0.4 m, and the maximum thickness is 16.1 m (Table 1). The original borehole data mainly include borehole coordinates (X, Y), elevation, lithological thickness, lithological bottom depth, borehole number, and lithological ID.

This paper uses deep learning methods for 3D geological modelling, which can further simplify the modelling problem into a strata classification problem. In this method, the coordinate data and strata depth data obtained from boreholes are used as input vectors, and the lithological attributes of the boreholes are used as output vectors. In this study, the borehole data were simplified into continuous one-dimensional data when creating the dataset. However, there are significant differences in the lengths and frequencies of different formations within the borehole dataset (Table 1). For example, in terms of formation thickness, the maximum thickness is 16.1 m, while the minimum thickness is only 0.4 m. In terms of the formation occurrence frequency, the most frequent label, “fill”, occurs 167 times, while the least frequent label, “sand-1”, occurs 25 times. This significant difference may lead to overfitting of the training model and ultimately result in poor training performance. Therefore, preprocessing of the borehole data is needed. An upsampling method is proposed to avoid overfitting in the training model caused by imbalanced training datasets in this study.

Based on the above discussion, an unequal-interval sampling method is adopted in this paper (Fig. 1). In the figure, H11–H35 represents unequal-interval sampling for each stratum in the borehole, while H11P1–H35P5 represents unequal-interval sampling for each stratum in the deterministic section. Compared with equal-interval sampling, unequal-interval sampling involves changes in the sampling interval according to the thickness of different strata, thereby ensuring the balance of the sampled data. Otherwise, thinner strata may be difficult to predict or deemed to be outliers due to insufficient sampling. As shown in Fig. 1, different colours in the borehole region represent different strata attributes, and the strata data are displayed in strips that are continuously distributed in the vertical direction. The attributes of a single stratum are continuously unique within the corresponding depth interval, and there are no data gaps between strata.

Due to the high reliability of borehole data, these data can be directly or indirectly used for the generation of accurate models. By applying the Delaunay principle to borehole position points, a surface triangular irregular network (TIN) is created. The TIN is a method used for two-dimensional spatial data modelling and analysis in geography. This TIN encompasses the fundamental topological relationships between adjacent boreholes. If the stratum attributes of two neighbouring boreholes within each TIN are similar, they are connected to form a deterministic section. To ensure accurate geological predictions and eliminate the influence of distant and loosely correlated borehole connections, narrow triangles are removed from the TIN. The threshold for determining whether a triangle is a narrow triangle based on the measurement of its smallest angle is set to 20. This approach, similar to the generalized tri-prism (GTP) model, preserves the internal connectivity among the three corresponding boreholes and enables the simulation of various complex geological phenomena. Once the deterministic sections are connected, unequal-interval sampling is conducted both horizontally and vertically, and the sampling density at the borehole locations is balanced to avoid overly dense sampling that may impact network training. The unequal-interval sampling formula for borehole data is expressed as Eq. (1), and the unequal-interval sampling point coordinate formula for deterministic sections is expressed as Eq. (2).

(1)Zij=Sij-Sij-1n(2)Pijx=x1+x2-x1n2j-1Pijy=y1+y2-y1n2j-1Pijz=D1C2+A1C2Pijx+B1C2Pijy-D2C1-A2C1Pijy-B2C1PijyC1C2n2i-1,

where Sij is the bottom depth of the jth stratum in the ith borehole, n is the number of samples from each stratum, and Zij is the sampling interval of the jth stratum in the ith borehole. Pijx, Pijy, and Pijz represent the x, y, and z coordinates of the sampling point in the ith row and jth column of a section respectively. x1, y1, x2, and y2 are the coordinates of the two connected boreholes in a section. A1, B1, C1, D1, A2, B2, C2, and D2 are the parameters of the straight-line equations representing the top and bottom boundaries of the strata for the connected boreholes.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f01

Figure 1Resampling of borehole data. Upsampling on the boreholes (left) and upsampling on the deterministic sections (right).

Download

The difference in the number of digits between coordinate data (typically seven to eight digits with three decimal places) and stratum depth (typically one to two digits with one decimal place) in borehole data can lead to numerical computation issues in computer systems, making it difficult to train the model and adjust parameters, ultimately affecting the training results of the model. After performing data normalization based on the raw data, each indicator is scaled to a specific range, allowing for comprehensive comparative evaluation. To eliminate the influence of digit disparity among input features, ensure the equal impact of different features on model training, and achieve convergence, it is necessary to apply min–max normalization to the data and map the resulting values to the range of 0 to 1. For any dataset x, the mapping function is as follows:

(3) x = x - x min x max - x min ,

where xmax is the maximum value of the sample data and xmin is the minimum value of the sample data. x is the normalized result, and x is the input of the model data. Through this normalization method, the convergence speed of the network training model is improved, the training accuracy is improved, and model training becomes easier.

2.2 Construction of deep neural networks

A multilayer perceptron (MLP) is a feedforward artificial neural network that learns to form certain rules through training based on input and output indicators. Thus, the results closest to the expected output are obtained after inputting certain values. An MLP is a multilayer feedforward neural network based on the backpropagation algorithm. Each unit between layers in an MLP has a weight with an initial preset value, and unit training is performed using the backpropagation algorithm to adjust the weights between hidden layers. The input data are output after passing through multiple hidden layers and compared with the expected labels to obtain the corresponding error, which is then propagated layer by layer backwards to adjust the weight of each layer. After multiple adjustments, suitable weights for the model are obtained. The relationship between layers can be expressed as shown in Eq. (4): in the network model, the coordinates of each upsampled spatial point in the prediction area, x, y, and z, are used as inputs, and the geological properties of the spatial points are output. Each input represents a spatial feature dimension, and, through four fully connected layers, the input data are processed and transformed. Each hidden layer contains multiple nodes, where each node is connected to all nodes in the previous layer. By multiplying by weights and applying an activation function, the input undergoes nonlinear transformation, resulting in expanded dimensionality. This result encompasses the deep features of the sample, and samples of different categories should have different high-dimensional features. The number of neurons in the hidden layer varies according to the complexity of the model, and the rectified linear unit (ReLU) activation function is used between hidden layers. To prevent overfitting, a dropout function is added to the penultimate fully connected layers of the network to randomly reduce the number of neurons. The dropout percentage is set to 10 %. Finally, the output value of each category is normalized using the exponential function through a fully connected layer and a softmax layer, and the sum of the probabilities of all categories is 1. The predicted results of each data point are integrated to form the entire 3D geological model (Fig. 2). The network model uses the Adam optimizer, and the loss function adopted is the cross-entropy loss function, which is commonly used in multi-classification tasks. The detailed parameters of the deep neural networks are shown in Table 2.

Table 2The network architecture and parameters of the deep neural networks in this paper.

Download Print Version | Download XLSX

(4) Y j = i = 1 n W i j X i + b ,

where Yj is the input of the next layer, Wij is the connection weight from cell Xi of the previous layer to cell Yj of the next layer, and b denotes the offset value.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f02

Figure 2Architecture of a deep neural network. Light-grey nodes are input features, dark-grey nodes are target outputs, and white nodes are internal network nodes.

Download

2.3 Semi-supervised deep learning algorithm using pseudo-labels

Compared with data from images, point cloud data, etc., borehole data exhibit clustering characteristics with local concentrations but overall dispersion. Due to the large number of missing point data between boreholes, it is difficult to accurately express the changing features of stratigraphic boundaries and inclination angles. Supervised learning depends on a large quantity of labelled data to enhance model performance. The labelled data used for training 3D geological models are obtained by upsampling limited borehole points and deterministic borehole profiles. Labelled data associated with spatial grid points in urban areas, which require high modelling precision, are scarce and contain very few features. To effectively solve the labelling problem, semi-supervised learning is combined with deep learning, and a model is constructed using a small number of labelled data and a large number of unlabelled data with pseudo-labels for prediction. This approach is beneficial for expanding the training data.

The attributes of strata are difficult to determine based on a single mathematical formula. Based on the topological relationships established with the TINs of three boreholes, three prisms are constructed using a method similar to the GTP approach by connecting the boreholes based on their stratigraphic properties, and the stratigraphic properties of the interior grid points of the prisms are obtained. For the predicted grid points within the prisms, it is assumed that their stratigraphic properties are similar to the properties of the prism, and, when adding pseudo-labels, it is assumed that the confidence level for each predicted stratigraphic property is high. Based on this approach, a semi-supervised learning method based on pseudo-labels is used to generate pseudo-labels for the unlabelled data and improve learning performance. First, the model is trained using labelled data. When the model reaches an accuracy of 90 % after being trained for a certain number of rounds, the trained model is utilized to predict unlabelled data, and high-confidence predictions are selected as pseudo-labels. The pseudo-labelled data and labelled data are combined and used in training for a certain number of rounds. The above process is repeated until the proportion of newly added pseudo-labelled data in each round is lower than a certain threshold. At this point, high confidence labels are obtained, and the model has been sufficiently trained on all the data.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f03

Figure 3Algorithm flow chart.

Download

2.4 Analysis of model uncertainty

The last layer of the neural network classifier normalizes the probability of the output through the softmax layer, and the softmax-normalized result can be approximated as the probability corresponding to each stratum at a given data point. Therefore, when analysing the uncertainty of each data point in the raster model, the normalized information entropy can be introduced to quantitatively evaluate the uncertainty of the geological model. The normalized information entropy formula is as follows:

(5) H X = - x S p x ln p x S max ,

where S is the number of possible geological attributes for each data point, Smax is equal to ln (n), and n is the number of possible geological attributes. The information entropy of each data point is obtained by calculating the probability p(x) of each data point over all geological attributes. The magnitude of information entropy reflects the degree of complexity at a certain location in the geological model. The closer the information entropy is to 0, the higher the certainty of a data point for a certain stratum attribute, and the closer the information entropy is to 1, the higher the uncertainty of a data point for multiple geological attributes.

In addition, the data can be analysed based on an estimated confusion index (Burrough et al., 1997), and the ambiguity of classification can be evaluated by selecting the results of the two prediction categories with the highest probability for each data point. The confusion index formula is as follows:

(6) CI = [ 1 - ( μ max - μ max - 1 ) ] ,

where μmax is the probability of the class with the highest predicted probability and μmax−1 is the probability of the class with the second-highest predicted probability. CI values range from 0–1 to indicate the degree of confusion predicted for a certain data point, with 0 indicating that a classification result with a low confusion index is not ambiguous and 1 indicating that a classification result with a high confusion index is highly ambiguous.

3 Experimental method and verification

The Shenyang 3D geological models were built using the SDLP, SVM, and HRBF algorithms. All test experiments in this chapter were performed on the same device: an Intel(R) Core (TM) i7-10750H CPU @2.60 GHz with an NVIDIA GeForce RTX 2060, 16.0 GB RAM, and Windows 10 (64-bit).

The ReLU function was used as the activation function in the SDLP algorithm, the initial learning rate was set to 0.001, and the training batch size was set to 512. When the model training accuracy reached 90 % or after 500 epochs, the unlabelled grids were labelled with pseudo-labels. When the newly added pseudo-labels accounted for less than 10 % of the number of grids lacking labels in a given epoch, the model was trained for a total of 2000 epochs more before stopping. The training accuracy and loss values are shown in Fig. 4. The accuracy, precision, recall, and F1 score of the SVM, SDLP, and DL (the neural networks are the same as the SDLP but without pseudo-labels) algorithms for the test dataset are shown in Table 3.

In the training process, when the labelled data and pseudo-labelled data are fused, the boundaries of the stratigraphic categories are finely delineated, the final model training accuracy is above 95 %, the loss function is close to 0, and the precision of the model for the test set is 98.16 %. A confusion matrix is obtained from the test set (Fig. 5), which reflects the reliability of the evaluation results of the model. The classification accuracy of the model is high for all layers. Some strata are more likely to be confused because they are thin and display similar boundaries to other strata or because the influence of geological phenomena, such as depositional termination. The receiver operating characteristic (ROC) curve is another performance indicator that reflects the performance of a binary classification model in the positive class and thus can be used to evaluate the diagnostic ability of a classifier according to the threshold change (Fawcett, 2006). The area under the ROC curve (AUC) (Fig. 6) represents a comprehensive measure of all possible classification thresholds. AUC values greater than 90 %, ranging 75 %–90 %, ranging 50 %–75 %, and less than 50 % are considered to represent excellent, good, poor, and unacceptable performance respectively (Ray et al., 2010). The area under the curve (AUC) values of the model are all above 90 %, indicating that the classification performance of the model is excellent.

Table 3The accuracy, precision, recall, and F1 score values for the SVM and SDLP algorithms based on the test dataset.

Download Print Version | Download XLSX

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f04

Figure 4Model training accuracy and loss variation curves.

Download

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f05

Figure 5Confusion matrix of the classification results when the model is applied to the test dataset.

Download

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f06

Figure 6ROC curve for classification.

Download

The grid used in modelling is 1.5 m × 1.3 m × 0.3 m. The model uses the TIN mesh constructed from the top of boreholes to restrict the surface. The modelling range is determined according to a convex hull built by the borehole data, and the base of the model is determined according to a convex hull built by the bottoms of borehole data. Figure 7 shows the modelling results for the study area. The model reveals the coverage relationships among the strata and reproduces the contact relationship between the depositional termination and the unconformity of the strata.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f07

Figure 7Model built using deep neural networks and the model legend.

Download

To test the estimation accuracy at non-borehole locations using the proposed method, the borehole data were divided into a training set and a test set through k-fold cross-validation. Learning was performed with the training set of borehole data, and the test set accuracy was compared and analysed, where k was set to 10.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f08

Figure 8Borehole distribution and experimental analysis based on different profiles. The dotted red lines are the profiles, and the borehole points circled in red correspond to the boreholes tested using K1.

Download

The boreholes in the test set were sampled at equal intervals to determine the data point attributes at the boreholes, and the average accuracy of k-fold cross-validation was calculated to be 71.65 %. Due to the varying amount of geological information contained in individual borehole data, the importance of different boreholes in constructing the 3D geological model also differs. For instance, test borehole data contain valuable lens body stratigraphic information and stratigraphic extinction information (Fig. 9). Removing the test borehole data would significantly decrease the accuracy of the prediction results. Therefore, we utilize the surface irregular triangulation method generated by the Delaunay rule to determine the topological relationships between boreholes. Based on this approach, boreholes containing a significant amount of geological information are not excluded during k-fold validation. These operations improved the accuracy of k-fold validation from 71.65 to 85.9.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f09

Figure 9A situation in which too much depositional termination affects the prediction. A related borehole is a borehole that has a topological relationship with the predicted borehole. The solid red frame is the stratum, which is difficult to predict due to the excessive occurrence of depositional termination.

Download

To further analyse the influence of accuracy on the model, a model with complete borehole data and a model with excluded sample K1 test borehole data were established, and the sections of the models through a test borehole were compared (Fig. 10). Figure 10 shows the results for a straight line through the S1 and S3 profiles. Most of the sections at the boreholes in the test set are consistent with the sections built by a complete borehole. Since some test set boreholes are near depositional terminations, there is a certain difference between the model and the data from test boreholes, but the results are close and reasonable. In summary, the SDLP method displays good prediction ability for neighbouring boreholes and can reveal the distribution characteristics of the strata.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f10

Figure 10Comparison of the modelling results for sample K1 with the complete drilling results. The dotted box shows the boreholes considered during the test.

Download

4 Discussion

4.1 Verification of the accuracy of the HRBF method

Three-dimensional geological modelling based on the Hermite radial basis function (HRBF) is an implicit function modelling method, and implicit modelling methods based on the HRBF have been widely used in the modelling of ore bodies, regional geological surveys (Guo et al., 2016), urban geological surveys (Guo et al., 2021), tunnelling projects (Xiong et al., 2018), and volcanic formations (Guo et al., 2020). Therefore, in this paper, the HRBF method is used to build a 3D geological model of Shenyang, and this model is used to compare the accuracy of the SDLP and SVM algorithms. Before evaluating the accuracy of the two algorithms mentioned earlier, it is essential to conduct an accurate analysis of the 3D geological model constructed using the HRBF method. To demonstrate the accuracy of this approach, we first use the HRBF method to build a 3D geological model of Shenyang. S1, S2, S3, and S4 are profiles within the 3D geological model of Shenyang and contain many geological strata and complex geological relationships. The accuracy of these profiles can effectively reflect the accuracy of the HRBF modelling method. In the S1 geological profile, the stratigraphic boundaries contained in the borehole dataset nearly perfectly correspond to the boundaries of the three-dimensional geological model built based on the HRBF method (Fig. 11). This matching effect is also demonstrated for the S2, S3, and S4 geological profiles. The accurate correspondence between the borehole data and the cross-sections of the 3D geological model indicates the precision of the HRBF modelling method in constructing the 3D geological model (Fig. 11b–e). Furthermore, 3D geological models of Shenyang built using the HRBF method have been verified to be effective in engineering applications (Guo et al., 2021). In conclusion, the 3D geological model built using the HRBF method can serve as a standard for evaluating the quality of 3D geological models constructed with the SDLP and SVM algorithms.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f11

Figure 11(a) 3D geological model constructed by the HRBF algorithm, (b) S1 profile built by the HRBF algorithm, (c) S2 profile built by the HRBF algorithm, (d) S3 profile built by the HRBF algorithm, and (e) S4 profile built by the HRBF algorithm.

Download

4.2 Comparison of different algorithms

Before building the three-dimensional geological model using the SDLP and SVM algorithms, it is necessary to observe the performance of these two algorithms based on the test dataset. According to the prediction results for the test dataset, the accuracy, precision, recall, and F1 score of the SDLP algorithm are 0.982, 0.983, 0.980, and 0.982 respectively, all of which are higher than those of the SVM algorithm (Fig. 12). The reason for these overall results may be that the SDLP algorithm uses more training data, enabling the model to learn patterns with greater generalizability.

Furthermore, the accuracy, precision, recall, and F1 score of the SDLP algorithm are also greater than those of the DL algorithm (Fig. 11). This phenomenon may be attributed to the increased quantity of images in the training dataset resulting from the use of pseudo-labels constructed with the TIN method. The expanded training dataset enables the neural network model to achieve better generalization.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f12

Figure 12Accuracy, precision, recall, and F1 score of the SDLP and SVM algorithms.

Download

4.3 Comparative analysis of models

The profiles of the 3D geological model of Shenyang are compared to further validate the generalization ability of the SDLP algorithm and the SVM algorithm. The implicit HRBF modelling method exhibits excellent consistency with the borehole data in the profiles; thus, the profiles constructed with the HRBF method are used as a benchmark for comparison with the profiles generated by machine learning algorithms. In Fig. 13, the horizontal axis represents the modelling results of different algorithms for the same geological profile, and the vertical axis represents the geological profiling modelling results of the same algorithm for different geological profiles.

In the S2 geological profile, the 3D geological models built with the HRBF algorithm and the SDLP algorithm demonstrate a high level of consistency with the borehole data. However, the 3D geological model built with the SVM algorithm shows relatively poor correspondence with the borehole data. Furthermore, the morphology of the formations in the 3D geological models created with different algorithms is not entirely consistent within the S2 profile. In sedimentary formations without fault structures, the formation boundaries typically undergo gradual changes rather than abrupt changes. The 3D geological models generated using the SDLP algorithm or the HRBF algorithm generally adhere to these geological laws. For instance, the intersection points of the stone-1, stone-2, and stone-3 strata and the residual-1, residual-2, and residual-3 strata in the 3D geological models developed using the SDLP and HRBF algorithms exhibit smooth transitions, aligning well with the sedimentation patterns of sedimentary formations. Conversely, the contact relationships among the strata at these intersections in the 3D geological model built using the SVM algorithm do not conform to the actual sedimentation patterns. Additionally, at the apex of the lens-shaped sand-1 formation, the 3D geological model created with the SVM algorithm is less realistic than the models produced by the HRBF and SDLP algorithms. Guo et al. (2021) demonstrated through 3D geological modelling methods that there are no fault structures in the Shenyang area. This finding implies that the 3D geological model of the S2 profile built with the SVM method is not reasonable. Moreover, the HRBF method produces modelling results that are deemed unreasonable for the lower two layers, stone-3 and residual-3, due to constraints imposed by the implicit model. These constraints involve the stratum interface being defined based on the control points of each borehole and the implicit equation. In conclusion, for the S2 profile, the SDLP algorithm exhibits the most favourable modelling performance.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f13

Figure 13Geological profiles S2, S3, and S4 for Shenyang built based on the SDLP, SVM, and HRBF algorithms.

Download

The results for the S3 and S4 geological profiles are generally similar to those for the S2 profile. The 3D geological models built using the HRBF algorithm and the SDLP algorithm demonstrate a high level of consistency with the borehole data, and the correspondence between the 3D geological model built with the SVM algorithm and the borehole data is comparatively poor. The boundaries of sedimentary formations in the 3D geological models built using the HRBF algorithm or the SDLP algorithm adhere more closely to the actual sedimentation patterns than do the boundaries of the 3D geological models built using the SVM algorithm. At the lowermost layer boundary, the 3D geological model built using the SDLP algorithm is more reasonable than that built using the HRBF algorithm.

A comparison of the results for the S2, S3, and S4 profiles reveals that the SDLP algorithm better reflects the borehole data when building the 3D geological model. Additionally, the 3D geological model created using the SDLP algorithm better aligns with the sedimentation patterns in terms of the morphology of the formations.

4.4 Analysis of model uncertainty

For a 3D geological model, only the strata boundary information reflected by borehole data is accurate, and the strata boundaries in areas outside the borehole data region are either artificially inferred or based on constructed basis functions. Therefore, it is necessary to analyse the strata boundaries established based on borehole data in certain areas in the three-dimensional geological model. The implicit HRBF modelling algorithm can be used to effectively visualize borehole data. However, because it is based on implicit basis functions for visualization, it may not effectively process the undisclosed geological information associated with borehole data. In this study, information entropy and a confusion index are introduced to address the inability of the HRBF algorithm to consider uncertainty in areas without borehole data. The information entropy is calculated based on the probability distribution of all the data points in the normalized model. A visualized information entropy model can reflect the uncertainty at different locations within the model.

In addition, the results of the information entropy and confusion index models of the SDLP and DL algorithms are compared. These results are used to demonstrate the impact of pseudo-labelling on the stability of 3D geological models constructed via neural network methods.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f14

Figure 14Models of uncertainty: (a) information entropy model based on SDLP, (b) information entropy model based on DL, (c) confusion index model based on SDLP, and (d) confusion index model based on DL.

Download

The information entropy and confusion index models reflect the uncertainty of the semi-supervised learning method using pseudo-labels and the supervised learning method used to build the models (Fig. 14). In the blue part of the information entropy model (Fig. 14a, c), where the information entropy is close to 0, the uncertainty of the stratum attribute values in the region is low, and the entropy value is small, mainly between the model stratum boundaries. In the red part, where the information entropy is close to 1, the region has a high probability of being influenced by stratum attribute values, and the entropy value is large, mainly distributed near the stratum boundary obtained through training. In the confusion index model (Fig. 14b, d), the blue part indicates a low confusion index, and the red part indicates a high confusion index.

According to the confusion index model, the three-dimensional geological models built by the SDLP algorithm and DL algorithm both exhibit confusion indices close to 0 within strata but increase in the confusion indices at the boundaries of the strata. The difference lies in the fact that at the strata boundaries, the confusion index of the three-dimensional geological model built with the deep learning algorithm without pseudo-labelling is closer to 1, indicating lower accuracy than that of the 3D geological model built with the deep learning algorithm with pseudo-labelling. Additionally, the information entropy model exhibits characteristics similar to those of the confusion index model. To visually illustrate the differences between the 3D geological models constructed by the SDLP algorithm and the DL algorithm in terms of information entropy and the confusion index, the number of stable grids (with information entropy ranging from 0 to 0.01 and the confusion index ranging from 0 to 0.01; Fig. 15a, b) and unstable grids (with information entropy ranging from 0.3 to 1 and the confusion index ranging from 0.3 to 1; Fig. 15a, b) are recorded and compared. The results show that, compared to those of the DL algorithm, the 3D geological model constructed by the SDLP algorithm has a greater proportion of stable grids and a lower proportion of unstable grids. The findings demonstrate that utilizing the TIN algorithm to construct pseudo-labels can enhance the stability of the model.

The information entropy and confusion index models can be used to overcome the inability of the HRBF algorithm to consider uncertainty, and the results demonstrate that the SDLP algorithm is superior to the deep learning algorithm without pseudo-labelling for constructing 3D geological models from the perspectives of information entropy and the confusion index.

https://gmd.copernicus.org/articles/17/957/2024/gmd-17-957-2024-f15

Figure 15Line plots of the information entropy (a) and confusion index (b).

Download

5 Conclusion

In this study, we propose semi-supervised deep learning using a pseudo-labelling algorithm to construct a 3D geological model based on borehole data. By labelling the grid data with high accuracy using the explicit TIN modelling method, we address the lack of labelled training data for building deep learning models. The original data for this study were obtained from an engineering borehole dataset from Shenyang, and 3D geological models of Shenyang were constructed using the SDLP, SVM, and HRBF algorithms. On the test dataset, the SDLP algorithm outperforms the classical SVM machine learning algorithm, with an accuracy, precision, recall, and F1 score of 98.16 %, 98.3 %, 98.0 %, and 98.2 % respectively. Moreover, the 3D geological model constructed using the SDLP algorithm accurately reflects the boundaries of the formations in the borehole data and aligns well with the real sedimentation patterns. The 3D geological models constructed by the SDLP algorithm overcome the inability of the implicit HRBF modelling algorithm to consider uncertainty. In conclusion, the proposed SDLP algorithm provides a solution for the lack of training data in deep learning and fills the gap that cannot perform uncertainty analysis of the HRBF implicit modelling method.

Code and data availability

The GeoPDNN was written in the Python programming language. The program reads borehole data and preprocesses the borehole data with upsampling and normalization. By using the DNN to train the model and predict the attributes of the data points, pseudo-labels with high confidence scores were added to the unlabelled grid points. The code is available for download from the following public repository: https://doi.org/10.5281/zenodo.10604091 (Guo and Xu, 2023).

The model data and terrain data used in the case study in this paper are also available at https://doi.org/10.5281/zenodo.10604091 (Guo and Xu, 2023).

Video supplement

We have provided web links to download the video recordings of our case studies. A case study of a real area verifies the feasibility of the proposed approach. The video supplement can be viewed at https://drive.google.com/file/d/13VERDXM6YJmP7xMabQy3IjhCExuQSWzk/view?usp=sharing (Guo and Xu, 2022) and https://doi.org/10.5281/zenodo.10604091 (Guo and Xu, 2023).

Author contributions

XX and JG conceived the paper; JG provided funding support and ideas; XX was responsible for the research methods and program development; LiW, MJ, and VO gave suggestions and helped improve the paper; LuW, XW, ZL, and YZ helped modify the paper. All the authors have read and agreed to the published version of the paper.

Competing interests

The contact author has declared that none of the authors has any competing interests.

Disclaimer

Publisher's note: Copernicus Publications remains neutral with regard to jurisdictional claims made in the text, published maps, institutional affiliations, or any other geographical representation in this paper. While Copernicus Publications makes every effort to include appropriate place names, the final responsibility lies with the authors.

Acknowledgements

The authors would like to thank the editor and reviewers for their valuable suggestions that increased the quality of this paper.

Financial support

This work has been financially supported by the National Natural Science Foundation of China (grant no. 42172327), the State Key Laboratory of Disaster Prevention and Mitigation of Explosion and Impact (grant no. LGD-SKL-202209), and the Fundamental Research Funds for the Central Universities (grant no. N2201022).

Review statement

This paper was edited by Thomas Poulet and reviewed by two anonymous referees.

References

Avalos, S. and Ortiz, J. M.: Recursive Convolutional Neural Networks in a Multiple-Point Statistics Framework, Comput. Geosci., 141, 104522, https://doi.org/10.1016/j.cageo.2020.104522, 2020. 

Batista, G. E. A. P., Prati, R. C., and Monard, M. C.: A Study of the Behavior of Several Methods for Balancing Machine Learning Training Data, Sigkdd Explor. Newsl., 6, 20–29, https://doi.org/10.1145/1007730.1007735, 2004. 

Burrough, P. A., van Gaans, P. F. M., and Hootsmans, R.: Continuous classification in soil survey: Spatial correlation, confusion and boundaries, Geoderma, 77, 115–135, https://doi.org/10.1016/S0016-7061(97)00018-9, 1997. 

Caers, J.: Modeling Uncertainty in the Earth Sciences, Wiley, https://doi.org/10.1002/9781119995920, 2011. 

Calcagno, P., Chiles, J. P., Courrioux, G., and Guillen, A.: Geological modelling from field data and geological knowledge Part I. Modelling method coupling 3D potential-field interpolation and geological rules, Phys. Earth Planet. In., 171, 147–157, https://doi.org/10.1016/j.pepi.2008.06.013, 2008. 

Caumon, G., Antoine, C., and Tertois, A.: Building 3D Geological Surfaces From Field Data Using Implicit Surfaces, Proceedings of the 27Th Gocad Meeting, Proceedings of the 27th Gocad Meeting, Nancy, 1–6, 2007a. 

Caumon, G., Tertois, L. A., and Zhang, L.: Elements for Stochastic Structural Perturbation of Stratigraphic Models, European Association of Geoscientists & Engineers, https://doi.org/10.3997/2214-4609.201403041, 2007b. 

Caumon, G., Gray, G., Antoine, C., and Titeux, M. O.: Three-Dimensional Implicit Stratigraphic Model Building From Remote Sensing Data on Tetrahedral Meshes: Theory and Application to a Regional Model of La Popa Basin, NE Mexico, IEEE T. Geosci. Remote, 51, 1613–1621, https://doi.org/10.1109/TGRS.2012.2207727, 2013. 

Chawla, N. V., Bowyer, K. W., Hall, L. O., and Kegelmeyer, W. P.: Smote: Synthetic Minority Over-Sampling Technique, J. Artif. Int. Res., 16, 321–357, 2002. 

Che, D. F., Wu, L. X., and Yin, Z. R.: 3D Spatial Modeling for Urban Surface and Subsurface Seamless Integration, 2009 IEEE International Geoscience and Remote Sensing Symposium, 1–5, 1694, https://doi.org/10.1109/IGARSS.2009.5417787, 2009. 

Chen, G., Zhu, J., Qiang, M., and Gong, W.: Three-Dimensional Site Characterization with Borehole Data – a Case Study of Suzhou Area, Eng. Geol., 234, 65–82, https://doi.org/10.1016/j.enggeo.2017.12.019, 2018. 

Cuomo, S., Galletti, A., Giunta, G., and Marcellino, L.: Reconstruction of Implicit Curves and Surfaces Via Rbf Interpolation, Appl. Numer. Math., 116, 157–171, https://doi.org/10.1016/j.apnum.2016.10.016, 2017. 

de la Varga, M., Schaaf, A., and Wellmann, F.: GemPy 1.0: open-source stochastic geological modeling and inversion, Geosci. Model Dev., 12, 1–32, https://doi.org/10.5194/gmd-12-1-2019, 2019. 

Fawcett, T.: An introduction to ROC analysis, Pattern Recogn. Lett., 27, 861–874, 2006. 

Giraud, J., Lindsay, M., Jessell, M., and Ogarko, V.: Towards plausible lithological classification from geophysical inversion: honouring geological principles in subsurface imaging, Solid Earth, 11, 419–436, https://doi.org/10.5194/se-11-419-2020, 2020. 

Guo, J. and Xu, X.: Semisupervised Deep Learning Neural Network Using Pseudolabels for Three-dimensional Urban Geological Modelling and Uncertainty Analysis from Borehole Data, Google Drive [video], https://drive.google.com/file/d/13VERDXM6YJmP7xMabQy3IjhCExuQSWzk/view?usp=sharing, last access: 13 December 2022. 

Guo, J. and Xu, X.: GeoPDNN 1.0: a semi-supervised deep learning neural network using pseudo-labels for three-dimensional shallow strata modelling and uncertainty analysis in urban areas from borehole data, Zenodo [code, data set and video], https://doi.org/10.5281/zenodo.10604091, 2023. 

Guo, J., Zhou, W., and Wu, L.: Implicit Three-Dimensional Geo-Modelling Based On Hrbf Surface, The International Archives of the Photogrammetry, Remote Sensing and Spatial Information Sciences, XLII-2/W2, 63–66, https://doi.org/10.5194/isprs-archives-XLII-2-W2-63-2016, 2016. 

Guo, J., Wang, J., Wu, L., Liu, C., Li, C., Li, F., Lin, M., Jessell, M. W., Li, P., Dai, X., and Tang, J.: Explicit-Implicit-Integrated 3-D Geological Modelling Approach: A Case Study of the Xianyan Demolition Volcano (Fujian, China), Tectonophysics, 795, 228648, https://doi.org/10.1016/j.tecto.2020.228648, 2020. 

Guo, J., Wang, Z., Li, C., Li, F., Jessell, M. W., Wu, L., and Wang, J.: Multiple-Point Geostatistics-Based Three-Dimensional Automatic Geological Modeling and Uncertainty Analysis for Borehole Data, Natural Resources Research, 31, 2347–2367, https://doi.org/10.1007/s11053-022-10071-6, 2022. 

Guo, J. T., Wang, X. L., Wang, J. M., Dai, X. W., Wu, L. X., Li, C. L., Li, F. D., Liu, S. J., and Jessell, M. W.: Three-dimensional geological modeling and spatial analysis from geotechnical borehole data using an implicit surface and marching tetrahedra algorithm, Eng. Geol., 284, 106047, https://doi.org/10.1016/j.enggeo.2021.106047, 2021. 

Hellman, K., Ronczka, M., Günther, T., Wennermark, M., Rücker, C., and Dahlin, T.: Structurally Coupled Inversion of Ert and Refraction Seismic Data Combined with Cluster-Based Model Integration, J. Appl. Geophys., 143, 169–181, https://doi.org/10.1016/j.jappgeo.2017.06.008, 2017. 

Hillier, M., Wellmann, F., Brodaric, B., de Kemp, E., and Schetselaar, E.: Three-Dimensional Structural Geological Modeling Using Graph Neural Networks, Math. Geosci., 53, 1725–1749, https://doi.org/10.1007/s11004-021-09945-x, 2021. 

Hillier, M., Wellmann, F., de Kemp, E. A., Brodaric, B., Schetselaar, E., and Bédard, K.: GeoINR 1.0: an implicit neural network approach to three-dimensional geological modelling, Geosci. Model Dev., 16, 6987–7012, https://doi.org/10.5194/gmd-16-6987-2023, 2023. 

Hillier, M. J., Schetselaar, E. M., de Kemp, E. A., and Perron, G.: Three-Dimensional Modelling of Geological Surfaces Using Generalized Interpolation with Radial Basis Functions, Math. Geosci., 46, 931–953, https://doi.org/10.1007/s11004-014-9540-3, 2014. 

Houlding, S. W.: Geological Interpretation and Modeling. In S. W. Houlding (Ed.), 3D Geoscience Modeling: Computer Techniques for Geological Characterization, Springer Berlin Heidelberg, 113–129, https://doi.org/10.1007/978-3-642-79012-6_7, 1994. 

Høyer, A. S., Klint, K. E. S., Fiandaca, G., Maurya, P. K., Christiansen, A. V., Balbarini, N., Bjerg, P. L., Hansen, T. B., and Møller, I.: Development of a High-Resolution 3D Geological Model for Landfill Leachate Risk Assessment, Eng. Geol., 249, 45–59, https://doi.org/10.1016/j.enggeo.2018.12.015, 2019. 

Huang, X. R., Dai, Y., Xu, Y. G., and Tang, J.: Seismic Inversion Experiments Based on Deep Learning Algorithm Using Different Datasets, Journal of Soutwest Petroleum University (Science & Technology Edition), 42, 16–25, 2020. 

Jessell, M.: Three-Dimensional Geological Modelling of Potential-Field Data, Comput. Geosci., 27, 455–465. https://doi.org/10.1016/S0098-3004(00)00142-4, 2001. 

Jessell, M., Guo, J., Li, Y., Lindsay, M., Scalzo, R., Giraud, J., Pirot, G., Cripps, E., and Ogarko, V.: Into the Noddyverse: a massive data store of 3D geological models for machine learning and inversion applications, Earth Syst. Sci. Data, 14, 381–392, https://doi.org/10.5194/essd-14-381-2022, 2022. 

Jia, R., Lv, Y., Wang, G., Carranza, E., Chen, Y., Wei, C., and Zhang, Z.: A Stacking Methodology of Machine Learning for 3D Geological Modeling with Geological-Geophysical Datasets, Laochang Sn Camp, Gejiu (China), Comput. Geosci., 151, 104754, https://doi.org/10.1016/j.cageo.2021.104754, 2021. 

Laloy, E., Herault, R., Lee, J., Jacques, D., and Linde, N.: Inversion using a new low-dimensional representation of complex binary geological media based on a deep neural network, Adv. Water Resour., 110, 387–405, https://doi.org/10.1016/j.advwatres.2017.09.029, 2017. 

Liu, H., Chen, S. Z., Hou, M. Q., and He, L.: Improved inverse distance weighting method application considering spatial autocorrelation in 3D geological modeling, Earth Sci. Inform., 13, 619–632, https://doi.org/10.1007/s12145-019-00436-6, 2020. 

Liu, Z., Zhang, Z., Zhou, C., Ming, W., and Du, Z.: An Adaptive Inverse-Distance Weighting Interpolation Method Considering Spatial Differentiation in 3D Geological Modeling, Geosciences, 11, 51, https://doi.org/10.3390/geosciences11020051, 2021. 

Livani, M., Scrocca, D., Gaudiosi, I., Mancini, M., Cavinato, G. P., de Franco, R., Caielli, G., Vignaroli, G., Romi, A., and Moscatelli, M.: A Geology-Based 3D Velocity Model of the Amatrice Basin (Central Italy), Eng. Geol., 306, 106741, https://doi.org/10.1016/j.enggeo.2022.106741, 2022. 

Lysdahl, A. K., Christensen, C. W., Pfaffhuber, A. A., Vöge, M., Andresen, L., Skurdal, G. H., and Panzner, M.: Integrated Bedrock Model Combining Airborne Geophysics and Sparse Drillings Based On an Artificial Neural Network, Eng. Geol., 297, 106484, https://doi.org/10.1016/j.enggeo.2021.106484, 2022. 

Lyu, M., Ren, B., Wu, B., Tong, D., Ge, S., and Han, S.: A Parametric 3D Geological Modeling Method Considering Stratigraphic Interface Topology Optimization and Coding Expert Knowledge, Eng. Geol., 293, 106300, https://doi.org/10.1016/j.enggeo.2021.106300, 2021. 

Mallet, J. L.: Discrete Modeling for Natural Objects, Math. Geol., 29, 199–219, https://doi.org/10.1007/BF02769628, 1997. 

Manchuk, J. G. and Deutsch, C. V.: Boundary Modeling with Moving Least Squares, Comput. Geosci., 126, 96–106, https://doi.org/10.1016/j.cageo.2019.02.006, 2019. 

Martin, R. and Boisvert, J. B.: Iterative Refinement of Implicit Boundary Models for Improved Geological Feature Reproduction, Comput. Geosci., 109, 1–15, https://doi.org/10.1016/j.cageo.2017.07.003, 2017. 

Marzan, I., Martí, D., Lobo, A., Alcalde, J., Ruiz, M., Alvarez-Marron, J., and Carbonell, R.: Joint Interpretation of Geophysical Data: Applying Machine Learning to the Modeling of an Evaporitic Sequence in Villar De Cañas (Spain), Eng. Geol., 288, 106126, https://doi.org/10.1016/j.enggeo.2021.106126, 2021. 

Olivier, R. and Hanqiang, C.: Nearest Neighbor Value Interpolation, International Journal of Advanced Computer Science & Application, 3, 25–30, 2012. 

Pakyuz-Charrier, E., Giraud, J., Ogarko, V., Lindsay, M., and Jessell, M.: Drillhole Uncertainty Propagation for Three-Dimensional Geological Modeling Using Monte Carlo, Tectonophysics, 747–748, 16–39, https://doi.org/10.1016/j.tecto.2018.09.005, 2018. 

Ran, X. J. and Xue, L. F.: The research of method and system of regional three-dimensional geological modeling, Doctor Thesis, Jilin University, 2020. 

Ray, P., Manach, Y. L., Riou, B., and Houle, T. T.: Statistical evaluation of a biomarker, Anesthesiology, 112, 1023–1040, https://doi.org/10.1097/ALN.0b013e3181d47604, 2010. 

Shi, T., Zhong, D., and Wang, L.: Geological Modeling Method Based On the Normal Dynamic Estimation of Sparse Point Clouds, Mathematics, 9, 1819, https://doi.org/10.3390/math9151819, 2021. 

Skala, V.: Rbf Interpolation with Csrbf of Large Data Sets, Proced. Comput. Sci., 108, 2433–2437, https://doi.org/10.1016/j.procs.2017.05.081, 2017. 

Sun, H., Zhong, D., Wu, Z., and Wang, L.: Multi-Labeled Regularized Marching Tetrahedra Method for Implicit Geological Modeling, Math. Geosci., https://doi.org/10.1007/s11004-023-10075-9, 2023. 

Thanh, H. V., Sugai, Y., Nguele, R., and Sasaki, K.: Integrated Workflow in 3D Geological Model Construction for Evaluation of Co2 Storage Capacity of a Fractured Basement Reservoir in Cuu Long Basin, Vietnam, Int. J. Greenh. Gas Con., 90, 102826, https://doi.org/10.1016/j.ijggc.2019.102826, 2019. 

Thibaut, R., Laloy, E., and Hermans, T.: A New Framework for Experimental Design Using Bayesian Evidential Learning: The Case of Wellhead Protection Area, J. Hydrol., 603, 126903, https://doi.org/10.1016/j.jhydrol.2021.126903, 2021. 

Titos, M., Bueno, A., Garcia, L., and Benitez, C.: A Deep Neural Networks Approach to Automatic Recognition Systems for Volcano-Seismic Events, IEEE J. Sel. Top. Appl. Earth Obs., 11, 1533–1544, https://doi.org/10.1109/JSTARS.2018.2803198, 2018. 

Wang, G. and Huang, L.: 3D Geological Modeling for Mineral Resource Assessment of the Tongshan Cu Deposit, Heilongjiang Province, China, Geosci. Front., 3, 483–491, https://doi.org/10.1016/j.gsf.2011.12.012, 2012. 

Wang, J. M., Zhao, H., Bi, L. and Wang, L. G.: Implicit 3D Modeling of Ore Body from Geological Boreholes Data Using Hermite Radial Basis Functions, Minerals, 8, 443, https://doi.org/10.3390/min8100443, 2018. 

Whiteley, J. S., Watlet, A., Uhlemann, S., Wilkinson, P., Boyd, J. P., Jordan, C., Kendall, J. M., and Chambers, J. E.: Rapid Characterisation of Landslide Heterogeneity Using Unsupervised Classification of Electrical Resistivity and Seismic Refraction Surveys, Eng. Geol., 290, 106189, https://doi.org/10.1016/j.enggeo.2021.106189, 2021. 

Wu, L. X.: Topological relations embodied in a generalized tri-prism (GTP) model for a 3D geoscience modeling system, Comput. Geosci., 30, 405–418, https://doi.org/10.1016/j.cageo.2003.06.005, 2004. 

Xiong, Z., Guo, J., Xia, Y., Lu, H., Wang, M., and Shi, S.: A 3D Multi-Scale Geology Modeling Method for Tunnel Engineering Risk Assessment, Tunn. Undergr. Sp. Tech., 73, 71–81, https://doi.org/10.1016/j.tust.2017.12.003, 2018. 

Xu, S. T. and Zhou, Y. Z.: Artificial intelligence identification of ore minerals under microscope based on deep learning algorithm, Acta Petrol. Sin., 34, 3244–3252, 2018. 

Yang, Y. S., Li, Y. Y., Liu, T. Y., Zhan, Y. L., and Feng, J.: Interactive 3D forward modeling of total field surface and three-component borehole magnetic data for the Daye iron-ore deposit (Central China), J. Appl. Geophys., 75, 254–263, https://doi.org/10.1016/j.jappgeo.2011.07.010, 2011. 

Zhang, T. F., Tilke, P., Dupont, E., Zhu, L.C., Liang, L., and Bailey, W.: Generating geologically realistic 3D reservoir facies models using deep learning of sedimentary architecture with generative adversarial networks, Pet. Sci., 16, 541–549, https://doi.org/10.1007/s12182-019-0328-4, 2019. 

Zhang, X. Y., Ye, P., Wang, S., and Du, M.: Geological entity recognition method based on Deep Belief Networks, Acta Petrol. Sin., 34, 343–351, 2018. 

Zhang, Z., Wang, G., Liu, C., Cheng, L., and Sha, D.: Bagging-Based Positive-Unlabeled Learning Algorithm with Bayesian Hyperparameter Optimization for Three-Dimensional Mineral Potential Mapping, Comput. Geosci., 154, https://doi.org/10.1016/j.cageo.2021.104817, 2021. 

Zhang, Z., Wang, G., Carranza, E. J. M., Yang, S., Zhao, K., Yang, W., and Sha, D.: Three-Dimensional Pseudo-Lithologic Modeling Via Adaptive Feature Weighted K-Means Algorithm From Multi-Source Geophysical Datasets, Qingchengzi Pb–Zn–Ag–Au District, China, Natural Resources Research, 31, 2163–2179, https://doi.org/10.1007/s11053-021-09927-0, 2022. 

Zhang, Z., Wang, G., Carranza, E. J. M., Liu, C., Li, J., Fu, C., Liu, X., Chen, C., Fan, J., and Dong, Y.: An Integrated Machine Learning Framework with Uncertainty Quantification for Three-Dimensional Lithological Modeling From Multi-Source Geophysical Data and Drilling Data, Eng. Geol., 324, 107255, https://doi.org/10.1016/j.enggeo.2023.107255, 2023.  

Zhong, D. Y., Wang, L. G., Bi, L., and Jia, M. T.: Implicit Modeling of Complex Orebody with Constraints of Geological Rules, T. Nonfer. Metal. Soc., 29, 2392–2399, https://doi.org/10.1016/S1003-6326(19)65145-9, 2019. 

Zhong, D. Y., Wang, L. G., and Wang, J. M.: Combination Constraints of Multiple Fields for Implicit Modeling of Ore Bodies, Appl. Sci., 11, 1321, https://doi.org/10.3390/app11031321, 2021. 

Download
Short summary
This study proposes a semi-supervised learning algorithm using pseudo-labels for 3D geological modelling. We establish a 3D geological model using borehole data from a complex real urban local survey area in Shenyang and make an uncertainty analysis of this model. The method effectively expands the sample space, which is suitable for geomodelling and uncertainty analysis from boreholes. The modelling results perform well in terms of spatial morphology and geological semantics.