Next Article in Journal
3D-Printed SMC Core Alternators: Enhancing the Efficiency of Vortex-Induced Vibration (VIV) Bladeless Wind Turbines
Previous Article in Journal
Occupational Inhalation Health Risk Assessment of TCE Exposure in the Korean Manufacturing Industry
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

RockDNet: Deep Learning Approach for Lithology Classification

by
Mohammed A. M. Abdullah
*,
Ahmed A. Mohammed
and
Sohaib R. Awad
Computer and Information Department, College of Electronics Engineering, Ninevah University, Mosul 41002, Iraq
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(13), 5511; https://doi.org/10.3390/app14135511
Submission received: 10 May 2024 / Revised: 11 June 2024 / Accepted: 18 June 2024 / Published: 25 June 2024
(This article belongs to the Section Computing and Artificial Intelligence)

Abstract

:
Analyzing rock and underground layers is known as drill core lithology. The extracted core sample helps not only in exploring the core properties but also reveals the lithology of the entire surrounding area. Automating rock identification from drill cuttings is a key element for efficient reservoir characterization, replacing the current subjective and time-consuming manual process. The recent advancements in computer hardware and deep learning technology have enabled the automatic classification of various applications, and lithology is not an exception. This work aims to design an automated method for rock image classification using deep learning technologies. A novel CNN (Convolution Neural Network) is proposed for lithology classification in addition to thorough comparison with benchmark CNN models. The proposed CNN model has the advantageous of having very low complexity while maintaining high accuracy. Experimental results on rock mages taken from the “digitalrocksportal” database demonstrate the ability of the proposed method to classify three classes, carbonate, sandstone and shale rocks, with high accuracy, and comparisons with related work demonstrated the efficiency of the proposed model, with more than 98% saving in parameters.

1. Introduction

The detailed analysis of rock and the underground layers confronted during drilling of boreholes or wells is known as drill core lithology. The extracted core sample helps not only in exploring the core properties but also reflects the lithology of the whole surrounding area [1]. Previously, lithology classification was performed manually by visually inspecting the drill core samples to identify and characterize rock types according to color and texture. However, this method requires expert examiners with extensive experience and can be labor intensive and time consuming, in addition to being highly subjective due to the diversity of the rock structure [2].
Automatic classification of drill cores’ lithology is essential in order to provide a better understanding of subsurface rock formations [3,4]. The automation of drill core lithology classification is of high interest, as the demand to gather geological information is growing due to ongoing mining for various purposes including water and oil exploration. In this regard, automatic lithology classification mostly concentrates on well log data, which includes a wide range of measurements taken from boreholes, such as gamma-ray, resistivity and sonic log [5,6]. However, these traditional log data methods give limited rock information due to the omission of the heterogeneities below log resolution. In addition, well log data typically have limited vertical resolution and sampling intervals. Therefore fine-scale lithological variations may not be accurately detected, such as small fracture and rock details’ texture, which results in misinterpretation of lithological information. Such high details can be identified with X-ray and CT scans, as these imaging techniques allow for detailed examination of the internal structure and composition of core samples. CT images also provide 3D information about the internal structure of the cores and hence become a routine check in lithology detection [4].
Recently, the rapid development of computer hardware and artificial intelligence (AI) technology has paved the way for automatic classification of different applications, and lithology is not an exception [1,7]. Incorporation of artificial intelligence methodologies into the oil and gas sector has emerged as a recent development, presenting robust approaches for the efficient management of complex, multi-dimensional data systems. This integration has the potential to mitigate human bias and enhance the intelligence of operations throughout the entire oil and gas value chain. Despite the widespread use of deep learning and CNN models, the utilization of these methods for digital rock analysis, particularly in the context of lithology classification of micro-CT images, remains an ongoing area of development [8,9]. Hence, this study aims to demonstrate the practical implementation of deep learning techniques for the purpose of identifying lithological characteristics for rock samples through the analysis of such images.
The novelty inherent in our approach lies in its capacity to employ a novel CNN to recognize the complex connections between three-dimensional features extracted through convolution and the lithology classes derived by experts. Accordingly, we extend methods designed for two-dimensional imagery to construct a workflow that directly utilizes high-resolution three-dimensional CT images to be employed for lithology classification. This paper progresses in the following manner: the following section provides an overview of the work conducted in this regard. Section 3 presents the proposed method along with other performance evaluation metrics. In Section 4, results are listed and discussed in addition to a comparison with related work. Finally, Section 5 concludes this paper.

2. Related Work

Several works have utilized machine learning technology for lithology classification. A preliminary study to classify lithology based on core images was presented by Thomas et al. in 2011 [4], employing an object-based image analysis approach. Their study utilized grayscale core images from a single well to categorize three lithological types: carbonate–cement, shale, and sandstone. The nearest-neighbor classifier was employed for classification with an accuracy of 94%. However, their method is not applicable for large databases and not fully automatic, as it requires manual selection of images in the testing phase. Caja et al. [5] presented a method for lithology identification of thin images using image analysis and supervised machine learning. The training dataset included four classes: quartzites, siltstone, claystone, and carbonate. Nonetheless, the methodology employed a shallow model that lacked the capacity to be generalized. Furthermore, it depended on high-resolution thin section images and did not undergo evaluation using core tray images. Yang et al. [6] used the AdaBoost classifier to analyze volcanic lithology with an accuracy of 90% using logging parameters, such as rock fabric and pore structure. Likewise, Al-Mudhafar [7] applied the generalized boosted regression model to lithology data using well core permeability for the purpose of lithofacies classification. The findings indicated that the GBM algorithm demonstrated a superior performance compared to the conventional regression method. Moreover, in a number of studies, support vector machines (SVMs) are exploited in rock lithology [8,9]. As a case in point, Chawshin et al. [10] employed a SVM for lithofacies classification based on statistical features extracted from whole core CT images.
On the other hand, several works employed deep learning approaches for lithology classification. For example, De Lima utilized deep learning and transfer learning in a number of works [11,12,13] to classify images of rocks based on rock thin section and borehole image logs and CT images. Gonzalez et al. [14] introduced an automatic rock classification method using a process flow that merges core CT images, optical core photographs, conventional well logs, and routine core analysis (RCA) data. In the context of this process flow, the relevant rock-fabric features are employed to identify the rock classes by the utilization of a clustering algorithm after being extracted from all core CT images and core photographs. Firstly, several rock classes were assumed by input image. Subsequently, the optimization of the number of assumed classes involves a recursive increase in the number of classes and a minimization of a permeability-based cost function under a specific threshold. Finally, an artificial neural network is employed to predict the classes from well-log data using the obtained rock classes. Antariksa et al. [15] have utilized two classifiers, the gradient boosting and the random forest, for the purpose of classifying petrographic of log data from the Tarakan basin. The obtained results outperformed other machine learning methods. The authors of [16] discuss computing challenges in nature-oriented civil engineering, mentioning lithology classification and geophysical disaster prevention. It highlights the computational demands of Big Data and complex algorithms, suggesting AI, data filtration, and advanced technologies to reduce computational load.
Recently, the attention of research has been shifted towards deep neural networks (Deep learning) [17]. Deep learning modalities, specifically CNNs [18], have been revisited in the last ten years due to the growth of computing power, dominating the field of computer vision. Well known CNN architectures, such as AlexNet [19], VGG [20], GoogLeNet [21], and DenseNet [22], etc., have enabled researchers to enter into the realm of deep networks for problem solving within their specialized areas. Deep level features can be automatically extracted by the kernel of CNN compared to manual feature extraction [23].
In the field of microcomputed tomography (μCT) images of rocks, CNN yielded promising results. Alqahtani et al. [24] employed a CNN for the prediction of rock physical properties in μCT images involving specific surface area, average pore size, and porosity. This procedure yielded error rates below 7%. Similarly, in Karimpouli and Tahmasebi [25], a CNN based segmentation is conducted on sandstone μCT images; this procedure achieved better segmentation compared to the multi-thresholding approach and yielded a 96% accuracy in testing set of images. Wang et al. [26] introduced a method for enhancing the resolution of μCT images of rocks and removing noise by utilizing a super resolution CNN. Their suggested CNN achieved a 70% reduction in relative error when compared to conventional approaches according to their results. In the work of Ran et al. [27], a CNN model under the name of Rock Type deep CNNs (RTCNNs) is proposed; this model is developed for lithology classification using patches of images. The utilized six types of rocks, i.e., granite, conglomerate, mylonite, limestone, shale, and sandstone, were classified, and an accuracy of 97% was achieved. Baraboshkin et al. [28] classified 20,000 drill core images collected from Russia into six lithologies: massive, siltstone, laminated sandstone, granite, shale, and limestone. A number of well-known CNN-based architectures were utilized for lithology classification based on the optical core images. Notably, GoogleNet achieved accuracy of 72% on new core images, while attaining 70% on ResNet [29]. In [30], image patches were unitized and classified using a pre-trained CNN model ResNetXt-50. Later, the obtained results were compared against the results of [29] utilizing ResNet-18, and Inception-v3 [31] models. Comparison results showed that their model outperformed the previous results, achieving an accuracy of 93.12% with new core images. Additionally, Anjos et al. [32] utilized a deep learning technique in favor of lithological patterns identification in carbonate rocks based on microtomographic images. In Zhang et al. [33], three lithologies were classified, i.e., conglomerate, sandstone, and shale, using various CNNs on a 1500 gray-scale images dataset, with a size of 64×64. The obtained accuracy is reported to be 95%. Valentın et al. [27] employed the micro-resistivity borehole and ultrasonic logs for inputs, and a deep residual CNN is also employed for feature extraction. Later, the determination of the lithology of each sample is conducted. For blind sample testing, an average accuracy is 81.45%.
In the aforementioned publications, the features are either from pore scale micro-CT images, or they are extracted from two-dimensional cross-section images or from two-dimensional image slices taken from three-dimensional stacks of micro-CT or whole core CT images. Zhang et al. [34] introduced a method named ConvXGB that combines both the XGBoost and CNN to provide accurate classification results. The CNN is utilized as a trainable feature extractor, while XGBoost is employed for labels prediction. Lin et al. [35] introduced a two-layer XGBoost model using ZY1-02D hyperspectral images for lithology classification. The reported results showed good accuracy and adaptability to limited datasets compared to traditional methods through field validation. The XGBoost model is also reported to be effective in lithology prediction in both studies [34,35]. Other works [36,37] employed the extraction of thin-section image features of rocks for the purpose of lithology classification and good results were also reported.

3. Methodology

In contrast to conventional neural networks, CNNs can preserve spatial information in images and are resilient to noise. Therefore, CNNs can model non-linear characteristics, which can be found in lithological samples data, and hence can be generalized well to unseen examples [11]. The next subsection illustrates the pipeline of the proposed method.

3.1. Image Augmentation

Data augmentation has been applied in order to add more images and overcome the problem of imbalance classes [12]. In this context, data augmentation can be accomplished by translation or rotation (affine transforms) or image distortion. In this work, image augmentation is applied during the training to enable the model of learning from a large number of images. Specifically, we applied rotation with 45 and −45 degrees in addition to image flipping across both axes. In this way, general features of images do not change, while pixels are translated and the model generalized to more images.

3.2. Transfer Learning

In transfer learning, a pre-trained model is reused to boost the performance on a new problem. We used transfer learning in this work to save training time and improve generalization [13], as the original number of samples is small. In this regard, the most popular pre-trained networks are employed for the sake of classification: Alexnet, VGG16, VGG19, Restnet19, Darknet19 and Darknet53. The number of neurons in the last classification layer in these models is tailored to be equal to the number of output lithology classes.

3.3. Proposed CNN Model

In this work, a novel CNN model is proposed for lithology classification. The architecture of the proposed CNN model is depicted in Figure 1.
This model has the advantageous of having low complexity and light weight while being robust. The proposed model has nine layers with only 69.6 K of learnable parameters which is a huge model agility compared to the next best model (shown later in Section 4), which has a number of parameters equals to 23.6 M. This saving represents around 98.32% saving in terms of learnable parameters and hence the proposed model has a light model size with fast training time.
This specific architecture was chosen to achieve a trade-off between complexity and accuracy. The performance of the model was then evaluated using 5-fold cross validation and the score is computed as the average among the obtained score across validation scores. The training hyperparameters for all CNN models are unified as illustrated in Table 1.

3.4. Batch Size

The number of training samples per one iteration is known as the batch size. This size plays a crucial role in training generalization and timing performance [32]. Large batch size results in a smooth convergence and less noise. It also results in faster training time per epoch. However, large batch size requires more memory. In this work, different batch sizes are tested and a size of 64 is found to be the best in terms of both accuracy and training time.

4. Experimental Results

The automation of drill core lithology classification is the main goal of this work. The experiments were performed on a lithology dataset taken from digitalrocksportal repository [38]. In this work, the data preprocessing, models training and evaluation experiments are performed under a MATLAB R2022b environment on a PC with a corei7 I7-12700H CPU with 16 GB of RAM, an SSD hard drive, and RTX3060-6GB in terms of GPU.

4.1. Dataset

Geological drill cores serve as a direct representation of geological formations. However, there is a limited number of open-source datasets related to borehole cores. This limitation can be attributed to the substantial cost and time associated with drilling through strata. Additionally, the task of drilling is typically undertaken by specific authorities, making it challenging for external parties to access this data. In this work, a drill core CT scans images dataset is utilized, which contains a total of three well-known lithology categories: carbonate, sandstone and shale. The images are taken from the Digital Rocks portal [38]. Table 2 illustrates the details of the employed CNN while Figure 2 depicts samples from each class in this dataset.
The images included three classes: carbonate, sandstone and shale. The original size of the dataset images is 1000 × 1000, which is modestly large; thus, preprocessing is required to reduce the size of these images, which will eventually decrease the size of the whole dataset to around 224 × 224 depending on the employed CNN model.

4.2. Evaluation Metrics

To comprehensively assess the performance of the models, three performance measures are utilized in this research: precision, recall, and F1 Score. These are fundamental metrics in statistics and machine learning and are delineated by Equations (1)–(3), respectively [39,40].
P r e c i s i o n = T P ( T P + F P )
R e c a l l = T P ( T P + F N )
F 1 S c o r e = 2 P r e c i s i o n R e c a l l ( P r e c i s i o n + R e c a l l )
where TP is the True Positive, where the positive class is correctly predicted by the model. TN is the True Negative, where the negative class is correctly predicted by the model. Moreover, FP is the False Positive, where the positive class is incorrectly predicted by the model. In contrast, FN is the False Negative, where the negative class is incorrectly predicted by the model.

4.3. CNN Models Training and Evaluation

The remaining 20% is utilized for testing to evaluate the CNN models after training is conducted. Table 3 illustrates the network structure. On the other hand, Table 4 presents the details of the employed database. Table 5 illustrated precision, recall, and F1 score for each class of all employed CNN models in addition to the metrics of the proposed method.
Upon the examination of Table 5, DarkNet-53 exhibited the highest classification accuracy of 99.22% amongst all CNN models, followed by DarkNet-19 and VGG19 with an accuracy of 98.4%. It can also be seen that the proposed CNN models maintained a classification accuracy above 96.9%. Despite the higher accuracy achieved by DarkNet53, the developed CNN model achieved a comparable accuracy of 96.9% with a huge saving in both parameters and model size of 69.6 K and 204 KB, respectively. This saving in terms of size on disk is around 98.32% compared to that of darknet-53 model with a loss in accuracy of merely 2.32%. This small loss is negligible compared to the benefit saving in both time and memory, where small model sizes offer advantages in terms of applicability and efficiency for deployment in embedded systems. On the other hand, VGG16 has a huge size of 476 MB with an increased accuracy of merely 1.6%
The compact architecture reduces the overall memory footprint, making it well-suited for devices with limited storage capacity and computational resources. The reduced model size facilitates quicker deployment and lower latency in real-time applications in addition to energy efficiency. Moreover, the reduced model size not only facilitates integration into portable devices but also contributes to faster classification, allowing for rapid lithological analysis at the point of data collection, where real-time identification of rock types can significantly impact decision-making processes. In such a system, a lithology classifier can be inserted in the drill core for the purpose of real-time lithology classification inside the hole, which saves time and cost compared to lithology core extraction.
Figure 3 depicts the confusion matrices across all CNN models. The best result was recorded with DarkNet-53 with an accuracy of 99.2% followed by a similar performance of both DarkNet-19 and VGG19. A slightly lower accuracy of 96.4% was recorded with Alexnet and RestNet-50. The proposed method achieved a similar performance to the aforementioned networks with the benefit of being lightweight.
Table 6 gives the average precision, recall and F1-socre across the employed CNN models in this work. On the other hand, Table 7 presents a complexity comparison across the employed models in terms of number of layers, depth, timing and size of each model. Comparison with other works in the literature is presented in Table 8. It can be clearly seen that the proposed method holds an advantage in comparison to similar approaches. It has a very small desk size with many fewer parameters, while maintaining a competitive accuracy. On the one hand, the proposed method outperforms the work in [2] and [32] in terms of accuracy. On the other hand, although the accuracy is slightly less compared with the work of [1], this is negligible considering the huge saving in terms of size on disk and number of parameters.
Upon examining Table 8, our schemes outperform other works in terms of number of parameters and size on disk. Additionally, our work achieved a comparable classification accuracy to the work in [1,41,42], with exceptionally low memory footprint and parameters making it applicable in real-time systems. The closest model in [3] achieved a low accuracy of 81.33% with almost 2.5 the number of parameters used in our work.

5. Conclusions

The detailed analysis of rock and underground layers is known as drill core lithology, where the extracted core provides essential information about the lithology of the surrounding area. Manual rock identification from drill cuttings is a subjective and time-consuming process. The recent advancements in computer hardware and deep learning technology have enabled the automatic classification of various applications, and lithology is not an exception. In this work, an automated method for rock image classification using deep learning is proposed. A novel CNN network was proposed for lithology classification in addition to employing transfer learning with various benchmark CNN models for the sake of lithology classification. Experimental results on rock mages taken from the “digitalrocksportal” database demonstrate the ability of the proposed method to classify three classes, i.e., carbonate, sandstone and shale rocks, with high accuracy and low memory footprint. The proposed model achieved an accuracy of 96.9% with only 69.6 K learning parameter and 204 KB model size. Comparisons with related work demonstrated the efficiency of the proposed model.

Author Contributions

M.A.M.A., A.A.M. and S.R.A. prepared the data and methodology. A.A.M. and S.R.A. generated the results. M.A.M.A. and A.A.M. drafted the paper. M.A.M.A. supervised the work. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Database can be downloaded from: https://www.digitalrocksportal.org/ (1 June 2024).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Fu, D.; Su, C.; Wang, W.; Yuan, R. Deep learning based lithology classification of drill core images. PLoS ONE 2022, 17, e0270826. [Google Scholar] [CrossRef]
  2. Alzubaidi, F.; Mostaghimi, P.; Swietojanski, P.; Clark, S.R.; Armstrong, R.T. Automated lithology classification from drill core images using convolutional neural networks. J. Pet. Sci. Eng. 2021, 197, 107933. [Google Scholar] [CrossRef]
  3. Chawshin, K.; Berg, C.F.; Varagnolo, D.; Lopez, O. A deep-learning approach for lithological classification using 3D whole core CT-scan images. In Proceedings of the SPWLA Annual Logging Symposium, Boston, MA, USA, 17 May 2021. [Google Scholar]
  4. Thomas, A.; Rider, M.; Curtis, A.; MacArthur, A. Automated lithology extraction from core photographs. First Break 2011, 29, 1–7. [Google Scholar] [CrossRef]
  5. Caja, M.Á.; Peña, A.C.; Campos, J.R.; García, D.L.; Tritlla, J.; Bover-Arnal, T.; Martín-Martín, J.D. Image processing and machine learning applied to lithology identification, classification and quantification of thin section cutting samples. In Proceedings of the SPE Annual Technical Conference and Exhibition, New Orleans, LA, USA, 23 September 2019. [Google Scholar]
  6. Yang, Z.; He, B.; Liu, Y.; Wang, D.; Zhu, G. Classification of rock fragments produced by tunnel boring machine using convolutional neural networks. Autom. Constr. 2021, 125, 103612. [Google Scholar] [CrossRef]
  7. Al-Mudhafar, W.J. Integrating well log interpretations for lithofacies classification and permeability modeling through advanced machine learning algorithms. J. Pet. Explor. Prod. Technol. 2017, 7, 1023–1033. [Google Scholar] [CrossRef]
  8. Deng, C.; Pan, H.; Fang, S.; Konaté, A.A.; Qin, R. Support vector machine as an alternative method for lithology classification of crystalline rocks. J. Geophy. Eng. 2017, 14, 341–349. [Google Scholar] [CrossRef]
  9. Sebtosheikh, M.A.; Salehi, A. Lithology prediction by support vector classifiers using inverted seismic attributes data and petrophysical logs as a new approach and investigation of training data set size effect on its performance in a heterogeneous carbonate reservoir. J. Pet. Sci. Eng. 2015, 134, 143–149. [Google Scholar] [CrossRef]
  10. Chawshin, K.; Gonzalez, A.; Berg, C.F.; Varagnolo, D.; Heidari, Z.; Lopez, O. Classifying lithofacies from textural features in whole core CT-scan images. SPE Res. Eval. Eng. 2021, 24, 341–357. [Google Scholar] [CrossRef]
  11. Pires de Lima, R.; 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]
  12. De Lima, R.P.; Bonar, A.; Coronado, D.D.; Marfurt, K.; Nicholson, C. Deep convolutional neural networks as a geological image classification tool. Sediment. Rec. 2019, 17, 4–9. [Google Scholar] [CrossRef]
  13. De Lima, R.P.; Duarte, D.; Nicholson, C.; Slatt, R.; Marfurt, K.J. Petrographic microfacies classification with deep convolutional neural networks. Comput. Geosci. 2020, 142, 104481. [Google Scholar] [CrossRef]
  14. Gonzalez, A.; Kanyan, L.; Heidari, Z.; Lopez, O. Integrated multi-physics workflow for automatic rock classification and formation evaluation using multi-scale image analysis and conventional well logs. In Proceedings of the SPWLA Annual Logging Symposium, The Woodlands, TX, USA, 15 June 2019; p. D033S001R001. [Google Scholar]
  15. Antariksa, G.; Muammar, R.; Lee, J. Performance evaluation of machine learning-based classification with rock-physics analysis of geological lithofacies in Tarakan Basin, Indonesia. J. Pet. Sci. Eng. 2022, 208, 109250. [Google Scholar] [CrossRef]
  16. Babović, Z.; Bajat, B.; Đokić, V.; Đorđević, F.; Drašković, D.; Filipović, N.; Furht, B.; Gačić, N.; Ikodinović, I.; Ilić, M.; et al. Research in computing-intensive simulations for nature-oriented civil-engineering and related scientific fields, using machine learning and big data: An overview of open problems. J. Big Data 2023, 10, 73. [Google Scholar] [CrossRef]
  17. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  18. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  19. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Adv. Neural Inf. Process. Syst. 2012, 25. [Google Scholar] [CrossRef]
  20. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:14091556. [Google Scholar]
  21. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015. [Google Scholar]
  22. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA,, 21–26 July 2017. [Google Scholar]
  23. Qin, C.; Shi, G.; Tao, J.; Yu, H.; Jin, Y.; Lei, J.; Liu, C. Precise cutterhead torque prediction for shield tunneling machines using a novel hybrid deep neural network. Mech. Syst. Signal Process. 2021, 151, 107386. [Google Scholar] [CrossRef]
  24. Alqahtani, N.; Alzubaidi, F.; Armstrong, R.T.; Swietojanski, P.; Mostaghimi, P. Machine learning for predicting properties of porous media from 2d X-ray images. J. Pet. Sci. Eng. 2020, 184, 106514. [Google Scholar] [CrossRef]
  25. Karimpouli, S.; Tahmasebi, P. Segmentation of digital rock images using deep convolutional autoencoder networks. Comput. Geosci. 2019, 126, 142–150. [Google Scholar] [CrossRef]
  26. Da Wang, Y.; Armstrong, R.; Mostaghimi, P. Super resolution convolutional neural network models for enhancing resolution of rock micro-ct images. arXiv 2019, arXiv:190407470. [Google Scholar]
  27. Ran, X.; Xue, L.; Zhang, Y.; Liu, Z.; Sang, X.; He, J. Rock classification from field image patches analyzed using a deep convolutional neural network. Mathematics 2019, 7, 755. [Google Scholar] [CrossRef]
  28. Baraboshkin, E.E.; Ismailova, L.S.; Orlov, D.M.; Zhukovskaya, E.A.; Kalmykov, G.A.; Khotylev, O.V. Deep convolutions for in-depth automated rock typing. Comput. Geosci. 2020, 135, 104330. [Google Scholar] [CrossRef]
  29. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  30. Xie, S.; Girshick, R.; Dollár, P.; Tu, Z.; He, K. Aggregated residual transformations for deep neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  31. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the inception architecture for computer vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  32. Dos Anjos, C.E.; Avila, M.R.; Vasconcelos, A.G.; Pereira Neta, A.M.; Medeiros, L.C.; Evsukoff, A.G. Deep learning for lithological classification of carbonate rock micro-CT images. Comput. Geosci. 2021, 25, 971–983. [Google Scholar] [CrossRef]
  33. Zhang, P.; Sun, J.; Jiang, Y.; Gao, J. Deep learning method for lithology identification from borehole images. In Proceedings of the 79th EAGE Conference and Exhibition, Paris, France, 12–15 June 2017. [Google Scholar]
  34. Zhang, J.; He, Y.; Zhang, Y.; Li, W.; Zhang, J. Well-Logging-Based Lithology Classification Using Machine Learning Methods for High-Quality Reservoir Identification: A Case Study of Baikouquan Formation in Mahu Area of Junggar Basin, NW China. Energies 2022, 15, 3675. [Google Scholar] [CrossRef]
  35. Lin, N.; Fu, J.; Jiang, R.; Li, G.; Yang, Q. Lithological Classification by Hyperspectral Images Based on a Two-Layer XGBoost Model, Combined with a Greedy Algorithm. Remote Sen. 2023, 15, 3764. [Google Scholar] [CrossRef]
  36. Polat, Ö.; Polat, A.; Ekici, T. Classification of plutonic rock types using thin section images with deep transfer learning. Turk. J. Earth Sci. 2021, 30, 551–560. [Google Scholar] [CrossRef]
  37. Polat, Ö.; Polat, A.; Ekici, T. Automatic classification of volcanic rocks from thin section images using transfer learning networks. Neural Comput. Appl. 2021, 33, 11531–11540. [Google Scholar] [CrossRef]
  38. Prodanovic, M.; Esteva, M.; Hanlon, M.; Nanda, G.; Agarwal, P. Digital Rocks Portal: A Repository for Porous Media Images; US National Science Foundation: Alexandria, VA, USA, 2015. [Google Scholar]
  39. Jasim, A.M.; Awad, S.R.; Malallah, F.L.; Abdul-Jabbar, J.M. Efficient Gender Classifier for Arabic Speech Using CNN with Dimensional Reshaping. In Proceedings of the 7th International Conference on Electrical, Electronics and Information Engineering (ICEEIE), Malang, Indonesia, 2 October 2021; pp. 1–5. [Google Scholar]
  40. Awad, S.R.; Sharef, B.T.; Salih, A.M.; Malallah, F.L. Deep learning-based Iraqi banknotes classification system for blind people. East.-Eur. J. Enterp. Technol. 2022, 1, 115. [Google Scholar] [CrossRef]
  41. Wang, Z.; Zuo, R.; Liu, H. Lithological mapping based on fully convolutional network and multi-source geological data. Remote Sen. 2021, 13, 4860. [Google Scholar] [CrossRef]
  42. Zheng, D.; Liu, S.; Chen, Y.; Gu, B. A Lithology Recognition Network Based on Attention and Feature Brownian Distance Covariance. Appl. Sci. 2024, 14, 1501. [Google Scholar] [CrossRef]
Figure 1. Proposed CNN model architecture.
Figure 1. Proposed CNN model architecture.
Applsci 14 05511 g001
Figure 2. Samples from each class.
Figure 2. Samples from each class.
Applsci 14 05511 g002
Figure 3. Confusion matrices of all CNN models.
Figure 3. Confusion matrices of all CNN models.
Applsci 14 05511 g003aApplsci 14 05511 g003b
Table 1. Training hyperparameters.
Table 1. Training hyperparameters.
Training Options
OptimizerSGDM
Initial learn rate0.0001
Learn rate drop factor0.01
Max epochs40
Activation functionReLU
ShuffleEvery epoch
Validation frequency60
Execution environmentSingle GPU
Mini batch size64
Computer specifications used in training and classification:
CPU CORE I7-12700H/RAM 16GB/GPU RTX3060-6GB
Table 2. Network specifications.
Table 2. Network specifications.
Model NameNumber of LayersNumber of ConnectionsDepthSize on Disk (MB)ParametersClassification Time (Second)Input Size
Proposed CNN151850.20469,6021.8128 × 128 × 3
Table 3. Network structure.
Table 3. Network structure.
No.Layer NameOutput Shape
1Input Image 128 × 128 × 3
22-D Convolution128 × 128 × 10
3Batch Normalization128 × 128 × 10
42-D Max Pooling64 × 64 × 10
52-D Convolution64 × 64 × 20
6Batch Normalization64 × 64 × 20
72-D Max Pooling32 × 32× 20
82-D Convolution32 × 32 × 64
9Batch Normalization 32 × 32 × 64
102-D Max Pooling16 × 16 × 64
112-D Convolution16 × 16 × 30
12Batch Normalization16 × 16 × 30
13Fully Connected1 × 1 × 3
14SoftMax1 × 1 × 3
15Classification Output1 × 1 × 3
Maximum number of learnable parameters69,602
Table 4. Dataset details.
Table 4. Dataset details.
Class\Precious Stones TypeNumber of SamplesTraining (80%)Testing (20%)
Carbonate23919148
Sandstone19615640
Shale21116942
Total646516130
Table 5. Precision, recall, and F1-score for each class across all employed CNN models.
Table 5. Precision, recall, and F1-score for each class across all employed CNN models.
Classification Model NameClassPrecision % for Testing DataRecall % for Testing DataF1-Score % for Testing Data
Darknet-53Carbonate97.810098.9
Sandstone100100100
Shale10096.698.2
Darknet-19Carbonate95.710097.8
Sandstone100100100
Shale10093.196.4
Resnet-50Carbonate9010094.7
Sandstone100100100
Shale10082.890.6
Proposed 15 layers CNNCarbonate91.810095.7
Sandstone100100100
Shale10086.292.6
VGG 19Carbonate95.710097.8
Sandstone100100100
Shale10093.196.4
VGG 16Carbonate93.810096.8
Sandstone100100100
Shale10089.794.5
Alex-NetCarbonate91.810095.7
Sandstone100100100
Shale10086.292.6
Table 6. Average Precision, Average recall, and Average F1-score across all CNN models.
Table 6. Average Precision, Average recall, and Average F1-score across all CNN models.
Employed ModelAverage Precision %Average Recall %Average F1-Score %Average Accuracy %
Darknet-5399.398.999.199.22
Darknet-1998.697.798.198.4
Resnet-5096.794.395.596.1
Proposed CNN97.395.496.396.9
VGG 1998.697.798.198.4
VGG 1697.996.697.297.7
Alex-Net97.395.496.396.9
Table 7. Time and complexity comparison of different CNN model against the proposed model.
Table 7. Time and complexity comparison of different CNN model against the proposed model.
Classification Model NameNumber of LayersDepthNumber of Learnable ParametersNumber of ConnectionsSize on DiskClassification Time (Second)
for Testing Set
Accuracy %
Darknet-531855341 M207148 MB4.6699.22
Darknet-19651919.5 M6474.1 MB2.9498.4
Resnet-501775023.6 M19283.7 MB3.6896.1
Vgg194719143 M46495 MB6.3598.4
Vgg164116138 M40476 MB5.897.7
AlexNet25860.02 M24201 MB3.7896.9
Proposed CNN15569.6 K18204 KB1.896.9
Table 8. Comparison with related work.
Table 8. Comparison with related work.
Model NameNumber of ClassesAccuracy %No. of ParametersSize on Disk
Proposed CNN396.9%69.6 K0.204 MB
ResNeSt-50 [1]1099.60%≈25 M97.5 MB
ResNeXt-50 [2]393.12%N/AN/A
Anjos et al. [32]381.33%177,395 kN/A
FCN-8s [41]896%≈140 M≈400–500 MB
FC-Res [42]697.60%≈10 M≈30 MB
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

Abdullah, M.A.M.; Mohammed, A.A.; Awad, S.R. RockDNet: Deep Learning Approach for Lithology Classification. Appl. Sci. 2024, 14, 5511. https://doi.org/10.3390/app14135511

AMA Style

Abdullah MAM, Mohammed AA, Awad SR. RockDNet: Deep Learning Approach for Lithology Classification. Applied Sciences. 2024; 14(13):5511. https://doi.org/10.3390/app14135511

Chicago/Turabian Style

Abdullah, Mohammed A. M., Ahmed A. Mohammed, and Sohaib R. Awad. 2024. "RockDNet: Deep Learning Approach for Lithology Classification" Applied Sciences 14, no. 13: 5511. https://doi.org/10.3390/app14135511

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