Next Article in Journal
Prediction of Key Parameters of Wheelset Based on LSTM Neural Network
Previous Article in Journal
Longitudinal Wind Tunnel Tests of the PROSIB 19-Pax Airplane
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Application of Artificial Neural Networks for Identification of Lithofacies by Processing of Core Drilling Data

1
School of Engineering and Technology, China University of Geosciences, Beijing 100083, China
2
Key Laboratory of Deep Geodrilling Technology, Ministry of Natural Resources, Beijing 100083, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2023, 13(21), 11934; https://doi.org/10.3390/app132111934
Submission received: 27 September 2023 / Revised: 30 October 2023 / Accepted: 30 October 2023 / Published: 31 October 2023
(This article belongs to the Section Computing and Artificial Intelligence)

Abstract

:

Featured Application

This work offers a groundbreaking application in real-time lithofacies identification through core drilling data. By transforming drilling parameters into an image recognition problem using Deep Artificial Neural Networks (DANNs), it overcomes traditional limitations, delivering rapid and accurate binary classification of lithofacies types with enhanced network training and testing performance, making it invaluable in geosciences and drilling industries.

Abstract

Identifying lithofacies types from core drilling data presents significant challenges, especially given the limited number of physical drilling characteristics available for analysis. Traditional machine learning methods often face issues with poor training and testing due to these limitations. Addressing this, we propose a new method for processing core drilling data to improve the accuracy of deep artificial neural networks (DANNs) in lithofacies recognition. Our approach transforms torque, weight on bit (WOB), and rotational speed data into three square matrices, creating a novel three-channel lithofacies image. This method allows for the application of DANNs by converting the complex lithofacies recognition task into a more standard image recognition problem. The developed method dramatically increases the input vector dimensions, enhancing the richness of the data input. The validation of results revealed that the DANN model trained for merely 3000 iterations successfully predicted lithofacies types of all eight testing samples in a mere 2.85 ms, showcasing superior accuracy. The innovative drilling data processing method proposed in this study enables DANNs to identify lithofacies with increased speed and accuracy. This offers a new direction for other DANNs utilizing drilling data.

1. Introduction

Core drilling technology not only enables the collection of rock samples from deep underground, but also enables the acquisition of highly accurate mineral information [1]. Moreover, the rapid and accurate identification of types of underground lithofacies based on core drilling data can greatly improve key drilling performances, such as core recovery rate, and is also of great significance for the exploration, development, and production of underground resources [2,3,4].
The most typical method applied for identifying lithofacies types during core drilling operations includes the use of basic machine learning approaches like support vector machines (SVMs) for predicting the physical properties of rock formations based on data generated during drilling operations, such as torque, rotational speed, drilling pressure or WOB, and rate of penetration (ROP) [5,6]. However, due to the characteristics of the core drilling operations, cutting rocks causes sensor vibrations, leading to the collection of drilling data that include low-frequency or high-frequency noise [7], or abrupt changes in drilling data due to variations in formation strength [8]. Therefore, conventional methods mostly rely on empirical formulas to identify geological formations based on core drilling data. However, the use of these formulas is decidedly inconvenient because the accuracy of empirical formulas depends entirely upon the similarities between the current geological setting and the setting under which the empirical formulas were derived. Alternatively, lithofacies types can be identified based on a manual analysis of the physical core materials produced during the drilling process [9]. However, this method is not always reliable because the results are influenced by geological expertise [10]. Hence, this is an impractical and tedious task for on-site engineers. Accordingly, these conventional methods are fundamentally inconvenient, tiresome, and expensive, which has increasingly led to the development of more advanced machine learning methods to identify lithofacies types from rock core drilling data [3].
Currently, advanced machine learning methodologies have increasingly supplanted traditional analysis approaches. These innovative techniques have been applied in the calculation of geomechanical parameters [11,12,13], optimization and prediction of ROP [7,14,15,16], and the identification of drilling conditions [17,18], aiding geologists in obtaining a more accurate understanding of subsurface operations. At the same time, some progress has also been made in the use of advanced machine learning for lithofacies identification. For example, Zhang et al. [19] demonstrated how artificial neural networks (ANNs) can be employed to identify lithofacies in subsurface studies using conventional wireline logs, providing a more consistent and objective approach than traditional methods. Chang et al. [20] subsequently identified lithofacies from core drilling data using the Kohonen self-organizing map (SoM) algorithm, which was demonstrated to provide higher prediction accuracy compared to the use of backpropagation neural networks (BPNNs) and standard SoM neural networks. Zhou et al. [21] conducted geostratigraphic unit simulations based on a recursive neural network (RNN) to establish a stratigraphic sequence algorithm for predicting stratigraphic sequences from stratigraphic sequence models and stratigraphic thickness models as input. The work of de Lima et al. [22] conducted lithofacies identification based on core image data processed using a deep convolutional neural network (CNN) trained with millions of core images. Chaki et al. [23], using a multiclass SVM framework based on well logs as predictor variables, demonstrating the superiority of multiclass SVMs over other conventional SVMs in terms of classification accuracy, improved the prediction accuracy to 84.5%. Tewari [3] proposed a heterogeneous ensemble method (HEM) approach for lithofacies identification, which has the capability to handle complex, nonlinear, multidimensional, and imbalanced drilling data, achieved an accuracy of 88.32% on the testing set.
However, even advanced machine learning methods struggle with the difficulty of detecting significant changes in core drilling data features due to the limited dimensionality of input vectors, which usually consist of no more than 10 physical core drilling characteristics, such as the torque, drilling pressure, rotational speed, WOB, and ROP parameters discussed above, and hinder the neural network from extracting important features from the data, resulting in poor training and testing performance. Specifically, this issue causes prediction models to fall easily into local optima, and the stochastic gradient descent algorithm employed in the optimization process may even suffer from gradient disappearance, making it unable to minimize the objective function. These conditions produce high levels of both bias and variance in the trained model, which affect its accuracy and reliability. Here, a relatively high level of bias may lead to the underfitting of the model, which produces large training and testing errors, while a relatively high level of variance may lead to overfitting, which produces very small training errors and large testing errors. Hence, balancing these two features is beneficial for increasing the overall learning effectiveness of the model. Typically, deeper neural networks and more training iterations are used to reduce bias, while increasing the volume of training data and data regularization are applied to reduce variance. In addition, modifying the structure of the neural network can, at times, reduce bias and variance simultaneously.
Other studies have demonstrated that the design of the optimization algorithm employed during training can have a pronounced effect on the levels of bias and variance. For example, Gan et al. [16] proposed an improved iterative bat algorithm, which is a heuristic optimization algorithm inspired by the natural behavior of bats, that applies iterative local search and random inertial weights to enhance the global exploration ability and optimization stability of the algorithm. This algorithm was updated by Gan et al. [7] in subsequent research, and the improved algorithm was demonstrated to provide enhanced global optimization performance by solving the problems of local optima and unstable optimization results. Moreover, the algorithm was applied in actual core drilling operations, and was demonstrated to increase the drilling rate by as much as 34.84%. In addition, other machine learning algorithms such as BPNNs have poor fitting capabilities when dealing with unbounded and nonlinear problems.
The above-discussed issues associated with lithofacies identification based on advanced machine learning algorithms can be potentially addressed via the use of deep convolutional neural networks (DANNs), which have been applied in fields such as speech recognition, visual object recognition, object detection, drug discovery, and genomics [24]. Here, applying an optimal number of hidden layers and neuron units is a crucial consideration in neural network design. A deeper neural network can transform each input feature into a higher and more abstract representation through simple and nonlinear calculations, making the machine learning model more sensitive to subtle changes in data between different samples. This allows for the learning of more complex nonlinear functions and representations of parameter change relationships, without over-emphasizing either bias or variance in the model, particularly when the number of input samples is limited. Hence, a DCNN offers excellent potential for extracting important features from low-dimensional core drilling data. For example, He et al. [13] applied a DCNN to predict the strength parameters of rock cores based on data generated during the core drilling process. The approach demonstrated excellent performance in estimating the unconfined compressive strength of different types of rocks. Moreover, the addition of convolution kernels in the algorithm facilitated the rapid and reliable prediction of the strength parameters of on-site rocks. However, the problem of extracting sample features and fitting sample functions remains to be solved.
The present study addresses the above-discussed issues by proposing a novel preprocessing method that transforms complex and abstract drilling data into intuitive image data, thereby converting the intricate lithofacies recognition problem into a classic image recognition problem under supervised learning. First, time-sequence core drilling data comprising torque, WOB, and rotational speed features are normalized and transformed into square matrices, and the data within the square matrices are then converted into the pixel values of what serves as a three-channel lithofacies image. Second, the lithofacies image data are flattened into individual column vectors for input into a DANN, which increases the input vector dimensions from the small number of dimensions typically employed to tens of thousands of dimensions. Our proposed approach was applied for detecting two lithofacies in a binary classification process, and the results demonstrated that the proposed approach offered more than a 92% accuracy rate. This implies that the preprocessed drilling data can be more effectively used for feature extraction. Accordingly, the proposed method provides a new approach to identifying lithofacies from core drilling data.

2. Methods

The flowchart depicting the drilling data preprocessing method proposed in this study is shown in Figure 1. It consists of four steps: collecting drilling data; matrixing the drilling data and converting it into lithofacies images; transforming the data into single column vectors; and using the high-dimensional column vectors as the input layer to train the DANN.
An example of three-dimensional input data comprising time sequences of m core drilling data points, including torque, WOB, and rotational speed, is presented in Figure 2. Just as objects in images can be accurately recognized based on image parameters [25], types of lithofacies can be recognized based on core drilling parameters. For example, just as a color image contains red, green, and blue data channels, a sample of drilling data can be formulated according to torque, WOB, and rotational speed data channels. As shown in Figure 3, these three data channels can be transformed into three square matrices based on 70 × 70 = 4900 data points, and then combined into a single three-channel data structure analogous to a lithofacies image.
As is typical for image recognition applications, the present work flattens the lithofacies image data into a single column vector of length 14,700, as shown in Figure 4, which is then applied as the input of a DANN composed of N hidden layers. As a result, the original three-dimensional time sequence data have been transformed into 14,700 dimensions, which can effectively address the difficulty of extracting important features from the data due to insufficient parameter dimensions, and thereby greatly enhancing the fitting capacity of the machine learning model.
Forward propagation: The input matrix X of the neural network is defined as follows:
X = x 1 x 2 x n
here, X is formed of n flattened 14,700-element feature vectors composed of torque, WOB, and rotational speed parameters. Specifically, the input dimension of the neural network applied in the present work is a (14,700, 32) matrix composed of 32 training set samples obtained by labeling drilling data samples according to the different types of lithofacies represented. This yields the following DANN layer structure and the predicted value Y[l] output by the l-th layer:
Y l = g [ l ] ( Z l ) g l = R e L U , i f   l L g l = S i g m o i d ,     i f   l = L
Here, L is the total number of layers in the neural network, which must be optimized based on the final bias and variance values, as well as the required training time, Z l is the output of the linear regression unit in the l-th layer, where Z 1 = X , and g [ l ] is an activation function. As indicated in (2), the neurons in all hidden layers except the last layer are activated using the rectified linear unit (ReLU) function, which has a relatively high computation speed and effectively mitigates the vanishing gradient problem. Finally, the sigmoid function is applied to activate the neurons in the last layer, which is highly suitable for binary classification problems because it outputs values in the range of (0,1). In addition, the neurons in the input layer are fully connected to the neurons in the hidden layer.
Loss function: The present work applies the cross-entropy loss function, which measures the difference between the probability distribution of the predicted values Y[l] and the probability distribution of the true values T, and is commonly used in classification problems as a method to minimize information entropy. This is defined as follows:
J ( Y l , T ) = T log Y l + 1 T log 1 Y l
Here, the true values T ∈ {0,1} represent a binary classification task, where the value of the target lithofacies type is 1 and the value of the non-target lithofacies type is 0.
Parameter update: The training process iteratively yields the network parameters W l and B l of the l-th layer according to the following parameter update processes based on the gradients of W l and B l , and the learning rate α :
W l = W l α J ( Y l , T ) W l
B l = B l α J ( Y l , T ) B l
Here, α is a hyperparameter that can be adjusted to improve the machine learning step size, where the network parameters may converge to a local minimum if α is too small, while the gradients may oscillate around the optimum point if α is too large. The ideal value of α ensures that the gradients of W l and B l decrease steadily. The process of updating parameters W l and B l represents a continuous learning of the features of the drilling data, and eventually establishes a fully trained model capable of accurately predicting the lithofacies type of an unknown data sample.
Sample prediction: As a binary classification problem, the predicted geological label P n of sample n is defined as follows:
P n = 1 , i f   Y n [ L ] 0.5 0 , i f   Y n [ L ] < 0.5
Here, the final predicted value is marked as 1 (i.e., as the target lithofacies type) for any value greater than or equal to 0.5, and the final predicted value is marked as 0 (i.e., as the non-target lithofacies type) for any value less than 0.5. The prediction accuracy of the trained model is then defined according to the true lithofacies type label Tn ∈ {0,1} of the training sample data as follows:
A c c u r a c y r a t e = 1 1 n i = 1 n T n P n × 100 %
Here, an accuracy rate of 100% represents a perfectly accurate prediction and 0 indicates an entirely incorrect prediction.
The core drilling data employed in the present work were obtained for drilling operations conducted in granite and concrete materials. Granite is a natural rock composed of various minerals such as quartz, feldspar, and mica. It has a high strength and rigidity, with a compressive strength typically between 100–300 MPa and an elastic modulus usually between 50–100 GPa. In contrast, concrete is usually a mixture of cement with other materials such as aggregates and sand. Its strength and elastic modulus are generally less than those of granite, with a compressive strength usually between 20–60 MPa and an elastic modulus usually between 20–40 GPa. The significant differences in the mechanical properties of these materials will ensure that the corresponding drilling data are more easily distinguished by the DANN, which is helpful in a proof-of-concept study like the one presented herein.
The dataset was sourced from data collected on a small-scale indoor core drilling machine equipped with a full range of sensors [26]. The data were recorded at a frequency of 100 Hz, with an interval of 10 ms between each group of collected sensor data. The rotational speeds were set at 400 rpm and 600 rpm to collect different torque and WOB data. Core drilling was conducted for a total of 8 granite samples and 6 concrete samples, which generated a total of 40 sets of drilling data samples comprising 18 sets of granite drilling data samples and 22 sets of concrete drilling data samples. As discussed, each sample set included 4900 data points for torque, WOB, and rotational speed. Accordingly, the experiments included 40 × 4900 × 3 = 588,000 data entries. Among these, 16 sets of granite drilling data samples and 16 sets of concrete drilling data samples were applied for a total of 32 sets of drilling data samples as the training dataset, and 4 sets of granite drilling data samples and 4 sets of concrete drilling data samples were applied for a total of 8 sets of drilling data samples as the testing dataset. Equal numbers of drilling data samples were extracted under the friction and cutting states in all datasets. The classification experiments were conducted on a personal computer with a Core i7-9700K CPU, a NVIDIA GeForce RTX 3060Ti GPU, and 32 GB of RAM.

3. Results and Discussion

Representative distributions of normalized drilling data samples composed of 4900 data points obtained for concrete, concrete, granite, and granite are presented in Figure 5(a1,b1,c1,d1), respectively. The corresponding lithofacies image-type data structures composed of 70 × 70 = 4900 pixels are, respectively, presented in Figure 5(a2,b2,c2,d2). Details regarding the features of the data samples presented in Figure 5 are listed in Table 1. As can be seen from Figure 5, both the normalized drilling data and the lithofacies images of the concrete and granite samples exhibit strong visual similarities that are difficult for human viewers to distinguish. In contrast, DANNs have demonstrated excellent performance at detecting subtle differences between the features of the samples and distinguishing them accordingly.
The loss function values obtained according to Equation (3) are plotted with respect to the number of training iterations in Figure 6 for different learning rates with a 14,700-8-3-1 network structure composed of four layers, including an input layer with 14,700 nodes, two hidden layers with eight and three nodes, respectively, and one node in the output layer. As can be seen, the learning rate has a profound effect on the rate at which the loss function value decreases to zero, which is indicative of the neural network having learned the significant sample features reflecting the lithofacies types of the materials. Details regarding the loss values obtained under different learning rates are listed in Table 2. Considering the key factors of time and stability, a learning rate of α = 0.0020 and 20,000 iterations were selected for the model training process in all subsequent experiments.
The effect of network structure on the loss function value is presented in Figure 7, where the abbreviations uniformly follow the 14,700-8-3-1 example discussed above. Details regarding the loss values obtained under different network structures are listed in Table 3. The results demonstrate that the 14,700-8-3-1 network structure provides a relatively ideal learning condition because the training time cost is approximately half that of the most complex model with very nearly the same effectiveness, as indicated by the final loss value obtained after 20,000 iterations. Accordingly, this network structure is capable of effectively representing and detecting the key input data features and exhibits high stability and convergence capability. Therefore, the 14,700-8-3-1 network structure was applied in all subsequent experiments.
For illustrative purposes, we applied both the training and testing datasets in the training process, and the accuracy rates obtained at each iteration according to Equation (7) are presented in Figure 8. As can be seen, the prediction accuracy obtained for both the training and testing datasets steadily increases as the value of the loss function continues to decrease according to the results discussed above, and the model accurately identifies the lithofacies types in both the training and testing datasets after around 3000 iterations. Details regarding the sample types and prediction accuracy obtained for the eight samples in the testing dataset are listed in Table 4. To mitigate the risk of overfitting and not properly testing, we applied L2 regularization and incorporated dropout procedures for both the input and hidden layers during the training process. Furthermore, when tested on different segments of the same drilling data, we consistently achieved an accuracy rate of over 92% for this binary classification problem, compared to a prediction accuracy rate of 31.86% for SVM methods [27], 82.43% for multiclass SVM methods [23], 84.5% in multi-agent collaborative learning architecture methods [28], and 88.32% in HEMs [3]. We note from the table that the trained model required only 2.85 ms to classify all eight samples in the testing dataset, which is negligible compared to the 49 s required to collect the 4900 data points for a single sample at the applied sampling frequency. This enables the near real-time analysis of underground lithofacies during the drilling process after data collection.

4. Conclusions

This study proposed a novel core drilling data processing method to address the challenges faced by even advanced machine learning methods in distinguishing core drilling features due to limited physical characteristics. By assembling drilling data to create a lithofacies image, we flattened the lithofacies image data into column vectors for DANN input, expanding the input vector dimensions from a few to tens of thousands. This approach transforms the complex lithofacies recognition task into an image recognition task using a DANN. With a 14,700-8-3-1 neural network structure setup and a 0.0020 learning rate, optimal accuracy is achieved in about 3000 iterations, swiftly recognizing eight drilling data points in just 2.85 ms.
Future research will focus on the classification of multiple lithofacies target types. Therefore, other neural network algorithms such as CNNs will be considered to reduce the learning cost and improve learning efficiency when facing the possibility of larger models.

Author Contributions

All authors contributed to the study conception and design. Material preparation and data collection and analysis were performed by M.Y., Z.Z. and M.J. The first draft of the manuscript was written by M.Y. Y.H., B.L. and L.W. critically revised the work, and all authors commented on previous versions of the manuscript. 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 number: U22A20184, 41902320.

Data Availability Statement

The source data or codes are available for downloading at the link: https://github.com/YMS12345/Lithofacies-Recognition-, accessed on 29 October 2023.

Acknowledgments

The authors deeply thank Kun Dai (former graduate student of China University of Geosciences) for their cooperation in the experiment.

Conflicts of Interest

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

References

  1. Huang, S.; Wang, Z. The mechanics of diamond core drilling of rocks. Int. J. Rock Mech. Min. Sci. 1997, 34, 134.e1–134.e14. [Google Scholar] [CrossRef]
  2. Tewari, S.; Dwivedi, U. A novel automatic detection and diagnosis module for quantitative lithofacies modeling. In Proceedings of the Abu Dhabi International Petroleum Exhibition & Conference, Abu Dhabi, United Arab Emirates, 12–15 November 2018; OnePetro: Abu Dhabi, United Arab Emirates, 2018. [Google Scholar]
  3. Tewari, S.; Dwivedi, U. A comparative study of heterogeneous ensemble methods for the identification of geological lithofacies. J. Pet. Explor. Prod. Technol. 2020, 10, 1849–1868. [Google Scholar] [CrossRef]
  4. Liu, C.; Zhan, Q.; Yang, L.; Zheng, X.; Li, P.; Shahani, N.M. Recognition of interface and category of roadway roof strata based on drilling parameters. J. Pet. Sci. Eng. 2021, 204, 108724. [Google Scholar] [CrossRef]
  5. Anifowose, F.; Labadin, J.; Abdulraheem, A. Improving the prediction of petroleum reservoir characterization with a stacked generalization ensemble model of support vector machines. Appl. Soft Comput. 2015, 26, 483–496. [Google Scholar] [CrossRef]
  6. Miah, M.I.; Ahmed, S.; Zendehboudi, S.; Butt, S. Machine learning approach to model rock strength: Prediction and variable selection with aid of log data. Rock Mech. Rock Eng. 2020, 53, 4691–4715. [Google Scholar] [CrossRef]
  7. Gan, C.; Cao, W.-H.; Liu, K.-Z.; Wu, M.; Wang, F.-W.; Zhang, S.-B. A New Hybrid Bat Algorithm and its Application to the ROP Optimization in Drilling Processes. IEEE Trans. Ind. Inform. 2020, 16, 7338–7348. [Google Scholar] [CrossRef]
  8. Finfinger, G.L.; Peng, S.; Gu, Q.; Wilson, G.; Thomas, B. An approach to identifying geological properties from roof bolter drilling parameters. In Proceedings of the 19th International Conference on Ground Control in Mining, Morgantown, WV, USA, 8–10 August 2000. [Google Scholar]
  9. Salehi, S.M.; Honarvar, B. Automatic identification of formation iithology from well log data: A machine learning approach. J. Pet. Sci. Res. 2014, 3, 73–82. [Google Scholar] [CrossRef]
  10. Akinyokun, O.; Enikanselu, P.; Adeyemo, A.; Adesida, A. Well Log Interpretation Model for the Determination of Lithology and Fluid. Pac. J. Sci. Technol. 2009, 10, 507–517. [Google Scholar]
  11. Keshavarzi, R.; Jahanbakhshi, R. Real-time prediction of pore pressure gradient through an artificial intelligence approach: A case study from one of middle east oil fields. Eur. J. Environ. Civ. Eng. 2013, 17, 675–686. [Google Scholar] [CrossRef]
  12. Xie, Y.; Zhu, C.; Zhou, W.; Li, Z.; Liu, X.; Tu, M. Evaluation of machine learning methods for formation lithology identification: A comparison of tuning processes and model performances. J. Pet. Sci. Eng. 2018, 160, 182–193. [Google Scholar] [CrossRef]
  13. He, M.; Zhang, Z.; Ren, J.; Huan, J.; Li, G.; Chen, Y.; Li, N. Deep convolutional neural network for fast determination of the rock strength parameters using drilling data. Int. J. Rock Mech. Min. Sci. 2019, 123, 104084. [Google Scholar] [CrossRef]
  14. Liu, X.-Y.; Zhou, L.; Chen, X.-H.; Li, J.-Y. Lithofacies identification using support vector machine based on local deep multi-kernel learning. Pet. Sci. 2020, 17, 954–966. [Google Scholar] [CrossRef]
  15. Ashrafi, S.B.; Anemangely, M.; Sabah, M.; Ameri, M.J. Application of hybrid artificial neural networks for predicting rate of penetration (ROP): A case study from Marun oil field. J. Pet. Sci. Eng. 2019, 175, 604–623. [Google Scholar] [CrossRef]
  16. Gan, C.; Cao, W.; Wu, M.; Chen, X. A new bat algorithm based on iterative local search and stochastic inertia weight. Expert Syst. Appl. 2018, 104, 202–212. [Google Scholar] [CrossRef]
  17. Osarogiagbon, A.U.; Khan, F.; Venkatesan, R.; Gillard, P. Review and analysis of supervised machine learning algorithms for hazardous events in drilling operations. Process Saf. Environ. Prot. 2021, 147, 367–384. [Google Scholar] [CrossRef]
  18. Alshaikh, A.; Magana-Mora, A.; Gharbi, S.A.; Al-Yami, A. Machine learning for detecting stuck pipe incidents: Data analytics and models evaluation. In Proceedings of the International Petroleum Technology Conference, Beijing, China, 26–28 March 2019; OnePetro: Beijing, China, 2019. [Google Scholar]
  19. Zhang, Y.; Salisch, H.A.; McPherson, J.G. Application of neural networks to identify lithofacies from well logs. Explor. Geophys. 1999, 30, 45–49. [Google Scholar] [CrossRef]
  20. Chang, H.-C.; Kopaska-Merkel, D.C.; Chen, H.-C. Identification of lithofacies using Kohonen self-organizing maps. Comput. Geosci. 2002, 28, 223–229. [Google Scholar] [CrossRef]
  21. Zhou, C.; Ouyang, J.; Ming, W.; Zhang, G.; Du, Z.; Liu, Z. A stratigraphic prediction method based on machine learning. Appl. Sci. 2019, 9, 3553. [Google Scholar] [CrossRef]
  22. de Lima, R.P.; Suriamin, F.; Marfurt, K.J.; Pranter, M.J. Convolutional neural networks as aid in core lithofacies classification. Interpretation 2019, 7, SF27–SF40. [Google Scholar] [CrossRef]
  23. Chaki, S.; Routray, A.; Mohanty, W.K.; Jenamani, M. A novel multiclass SVM based framework to classify lithology from well logs: A real-world application. In Proceedings of the 2015 Annual IEEE India Conference (INDICON), IIT Kharagpur, India, 17–20 December 2015; IEEE: New York, NY, USA, 2015; pp. 1–5. [Google Scholar]
  24. Lecun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  25. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef]
  26. Zhou, Z.; Hu, Y.; Liu, B.; Dai, K.; Zhang, Y. Development of Automatic Electric Drive Drilling System for Core Drilling. Appl. Sci. 2023, 13, 1059. [Google Scholar] [CrossRef]
  27. Li, X.; Zhou, J.; Li, H.; Zhang, S.; Chen, Y. Computational intelligent methods for predicting complex ithologies and multiphase fluids. Pet. Explor. Dev. 2012, 39, 261–267. [Google Scholar] [CrossRef]
  28. Gifford, C.M.; Agah, A. Collaborative multi-agent rock facies classification from wireline well log data. Eng. Appl. Artif. Intell. 2010, 23, 1158–1172. [Google Scholar] [CrossRef]
Figure 1. Flowchart of the drilling data preprocessing method.
Figure 1. Flowchart of the drilling data preprocessing method.
Applsci 13 11934 g001
Figure 2. Example of low-dimensional network input data comprising time sequences of m core drilling data points, including torque, weight on bit (WOB), and rotational speed.
Figure 2. Example of low-dimensional network input data comprising time sequences of m core drilling data points, including torque, weight on bit (WOB), and rotational speed.
Applsci 13 11934 g002
Figure 3. Example of converting torque, WOB, and rotational speed data channels into three square matrices based on 70 × 70 = 4900 data points, and then combining them into a single 70 × 70 data structure analogous to a three-channel lithofacies image.
Figure 3. Example of converting torque, WOB, and rotational speed data channels into three square matrices based on 70 × 70 = 4900 data points, and then combining them into a single 70 × 70 data structure analogous to a three-channel lithofacies image.
Applsci 13 11934 g003
Figure 4. Example of the process by which a three-channel lithofacies image is flattened into a single column vector of length 14,700, which is then applied as the input of a DANN composed of N hidden layers of varying number of nodes, and a single-node output layer.
Figure 4. Example of the process by which a three-channel lithofacies image is flattened into a single column vector of length 14,700, which is then applied as the input of a DANN composed of N hidden layers of varying number of nodes, and a single-node output layer.
Applsci 13 11934 g004
Figure 5. Representative distributions of normalized drilling data samples composed of 4900 data points: (a1) concrete; (b1) concrete; (c1) granite; (d1) granite. Corresponding lithofacies image-type data structures composed of 70 × 70 = 4900 pixels: (a2) concrete; (b2) concrete; (c2) granite; (d2) granite.
Figure 5. Representative distributions of normalized drilling data samples composed of 4900 data points: (a1) concrete; (b1) concrete; (c1) granite; (d1) granite. Corresponding lithofacies image-type data structures composed of 70 × 70 = 4900 pixels: (a2) concrete; (b2) concrete; (c2) granite; (d2) granite.
Applsci 13 11934 g005
Figure 6. Loss function values (Equation (3)) plotted with respect to the number of training iterations for different learning rates.
Figure 6. Loss function values (Equation (3)) plotted with respect to the number of training iterations for different learning rates.
Applsci 13 11934 g006
Figure 7. Loss function values (Equation (3)) plotted with respect to the number of training iterations for different neural network structures.
Figure 7. Loss function values (Equation (3)) plotted with respect to the number of training iterations for different neural network structures.
Applsci 13 11934 g007
Figure 8. Accuracy rate values (Equation (7)) obtained for the training and testing datasets plotted with respect to the number of training iterations.
Figure 8. Accuracy rate values (Equation (7)) obtained for the training and testing datasets plotted with respect to the number of training iterations.
Applsci 13 11934 g008
Table 1. Features of data samples presented in Figure 5.
Table 1. Features of data samples presented in Figure 5.
Sample NumberLithofacies ClassificationStateScatter PlotLithofacies Image
5ConcreteCuttingFigure 5(a1)Figure 5(a2)
13ConcreteFrictionFigure 5(b1)Figure 5(b2)
23GraniteCuttingFigure 5(c1)Figure 5(c2)
31GraniteFrictionFigure 5(d1)Figure 5(d2)
Table 2. Loss values obtained under different learning rates.
Table 2. Loss values obtained under different learning rates.
Learning RateLoss at 20,000
Iterations
Iterations When Loss = 0.05Training Time (s)
0.01000.31283736.260358
0.00600.002251271837.891610
0.00400.000908233136.654807
0.00200.002735479236.648935
0.00100.009985865342.522422
Table 3. Loss values obtained under different neural network structures.
Table 3. Loss values obtained under different neural network structures.
Neural Network StructureLoss at 20,000
Iterations
Iterations When Loss = 0.05Training Time (s)
14,700-3-10.05149227.469723
14,700-8-3-10.002734479241.872812
14,700-8-5-3-10.03142413,35444.347052
14,700-10-10-8-5-10.000713338360.278994
14,700-20-10-8-3-10.000726333287.465936
Table 4. Prediction accuracy rates obtained for the testing dataset.
Table 4. Prediction accuracy rates obtained for the testing dataset.
Sample
Number
Predictive ValueSample
Label
Predicted
Label
Accuracy RateIdentification Time (s)
10.00000800100%0.00285
20.00000000
30.00001400
40.00000100
50.00000000
60.00000000
70.99651011
80.97223811
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

Yang, M.; Hu, Y.; Liu, B.; Wang, L.; Zhou, Z.; Jia, M. Application of Artificial Neural Networks for Identification of Lithofacies by Processing of Core Drilling Data. Appl. Sci. 2023, 13, 11934. https://doi.org/10.3390/app132111934

AMA Style

Yang M, Hu Y, Liu B, Wang L, Zhou Z, Jia M. Application of Artificial Neural Networks for Identification of Lithofacies by Processing of Core Drilling Data. Applied Sciences. 2023; 13(21):11934. https://doi.org/10.3390/app132111934

Chicago/Turabian Style

Yang, Mingsheng, Yuanbiao Hu, Baolin Liu, Lu Wang, Zheng Zhou, and Mingrang Jia. 2023. "Application of Artificial Neural Networks for Identification of Lithofacies by Processing of Core Drilling Data" Applied Sciences 13, no. 21: 11934. https://doi.org/10.3390/app132111934

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