Next Article in Journal
Households’ Energy Transformation in the Face of the Energy Crisis
Next Article in Special Issue
Interpretation of Sand Body Architecture in Complex Fault Block Area of Craton Basin: Case Study of TIII in Sangtamu Area, Tarim Basin
Previous Article in Journal
A New Power System Source-End Low Carbonization Evaluation System Considering Carbon Control Model
Previous Article in Special Issue
Pore Structure and Fractal Characteristics of Continental Low Maturity Organic-Rich Shale in the Sha-4 Member of the Liaohe Western Depression
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Deep Learning Method for Facies Recognition from Core Images and Its Application: A Case Study of Mackay River Oil Sands Reservoir

1
School of Geosciences, Yangtze University, 111 University Road, Wuhan 430100, China
2
Key Laboratory of Exploration Technologies for Oil and Gas Resources, Yangtze University, Ministry of Education, Wuhan 430100, China
3
Research Institute of Petroleum Exploration and Development, PetroChina, Beijing 100083, China
*
Authors to whom correspondence should be addressed.
Energies 2023, 16(1), 465; https://doi.org/10.3390/en16010465
Submission received: 6 December 2022 / Revised: 27 December 2022 / Accepted: 28 December 2022 / Published: 1 January 2023

Abstract

:
There is a large amount of drilling core data in the Mackay River oil sands block in Canada, and the accurate identification of facies from the cores is important and necessary for the understanding of the subsurface reservoir. The traditional recognition method of facies from cores is by human work and is very time consuming. Furthermore, the results are different according to different geologists because of the subjective judgment criterion. An efficient and objective method is important to solve the above problem. In this paper, the deep learning image-recognition algorithm is used to automatically and intelligently recognize the facies type from the core image. Through a series of high-reliability preprocessing operations, such as cropping, segmentation, rotation transformation, and noise removal of the original core image, that have been manually identified, the key feature information in the images is extracted based on the ResNet50 convolutional neural network. On the dataset of about 200 core images from 13 facies, an intelligent identification system of facies from core images is constructed, which realizes automatic facies identification from core images. Comparing this method with traditional convolutional neural networks and support vector machines (SVM), the results show that the recognition accuracy of this model is as high as 91.12%, which is higher than the other two models. It is also shown that for a relatively special dataset, such as core images, it is necessary to rely on their global features in order to classify them, and, with a large similarity between some of the categories, it is extremely difficult to classify them. The selection of a suitable neural network model can have a great impact on the accuracy of recognition results. Then, the recognized facies are input as hard data to construct the three-dimensional facies model, which reveals the complex heterogeneity and distribution of the subsurface reservoir for further exploration and development.

1. Introduction

In the field of subsurface geology of oil and gas fields, core data obtained from drilling are the first-hand data for studying stratigraphic structure and facies type, which has high credibility and is the basis of oil and gas field exploration and development [1]. Through the facies identification and analysis from core images, we can have a certain understanding of the geological sedimentary structure of the study area and provide basic support for the reservoir prediction [2]. There are a large number of coring well photographs in the oil sands of Mackay River, Canada, which are useful information for understanding the subsurface reservoir. For the core image of facies identification, the traditional method is mainly by human recognition [3]; the workload of human identification of facies from core image is huge. Furthermore, the results are influenced by a lot of subjective factors, especially for ambiguous areas, of which different geologists have different interpretations and therefore pose a hard choice. In view of the above problems, a new technology is urgently needed to replace manual identification from core images, which must ensure objectivity and improve time efficiency.
With the development of artificial intelligence technology, computers are gradually replacing humans to carry out some complex and tedious tasks. In the geoscience domain, image recognition technology is introduced for core lithofacies judgement [4]. The classic one is the core recognition algorithm based on a support vector machine (SVM) proposed by Wang et al. This method extracts the color and texture features in the image and combines with SVM to train the core image, and the recognition accuracy can reach 86% [5]. However, limited by the algorithm itself, the SVM algorithm is more suitable for binary classification problems and its use is difficult for multi-classification problems. Furthermore, the SVM algorithm is difficult to implement for large-scale training samples [6]. Song et al. proposed an intelligent identification method of core slices based on a generative adversarial neural network. They first used the data of a core slice to perform adversarial training on the generated adversarial model, then used the trained generator to generate simulated images to expand the dataset, and finally transferred the convolution parameters of the discriminator to the lithology identification model to establish the lithology identification model of the core slice. The so-called core slice identification method of “WGAN+ discriminator parameter migration” solves the problem of insufficient training datasets and further improves the lithology identification accuracy. The model reaches an accuracy of 94.93% [7]. However, most of the datasets used in the training of this method come from the simulated images generated by GAN with errors smaller than the set threshold, rather than the real core images, which will undoubtedly affect the subsequent training and thus affect the recognition accuracy. Therefore, when a traditional convolutional neural network is selected for core image recognition, it is necessary to superimpose convolutional layers and increase the number of convolutional kernels in order to obtain the global features in the image, which will produce the problem of gradient disappearance or gradient explosion for the traditional convolutional neural network, meaning that the model accuracy stagnates at a certain position and cannot be further improved [8]. The shallow convolutional neural network has a poor recognition effect because it cannot learn a large number of features [9]. In the Mackay River oil sands block, a large number of core images were collected and combined with the deep learning ResNet50 model in the first attempt. Compared with the traditional convolutional neural network, the ResNet network model makes adjustments to the structure of the traditional convolutional neural network by adding directly connected channels between the convolutional layers to connect the non-adjacent convolutional layers directly, which cleverly solves the problem of gradient disappearance and gradient explosion [10]. Thus, ResNet50 network can better learn the global features of core images and is more suitable for core image recognition. In this paper, the effect of the method is tested by the actual core image recognition of Mackay River block. The results show that the recognition accuracy of the model training set of the method is better than other methods, and it can be applied in real reservoir facies recognition.

2. Overview of Study Area

Canada has very rich unconventional oil and gas resources, and its proven oil sands reserves rank first in the world [11]. Mackay River oil sands block is located in the east of the Athabasca region, Alberta, covering an area of 760 km2 [12]. The Lower Cretaceous McMurray Formation reservoir is the main target reservoir for oil sands research [13]. The study area is a NW monocline structure with no fault development. The buried depth of oil sand reservoir is about 160–180 m, the average net reservoir thickness is 18m, the average oil saturation is about 75%, the effective porosity is about 32%, the average permeability is 4–5 Darcy, and the ratio of vertical and horizontal permeability is about 0.6~1.0 [14]. There are 281 evaluation wells, 168 are core wells. There are a large number of core wells in the Mackay River oil sands block, and each well is relatively complete, with abundant core data. The core image data of the entire section are arranged in order of the original depth values, and the image data are well preserved and of high resolution. Image length and width resolution is mostly 228 × 200,000± dpi, the horizontal resolution and vertical resolution were 96dpi, and the bit depth was 32. The difference between different types of core images is not very obvious, mainly between colors, followed by surface texture, whether there are cracks, and whether the surface is smooth or granular (Figure 1). Facies recognition of core images by human judgement alone has low efficiency and accuracy, while deep learning image recognition can learn subtle changes and differences in images [15], and is supported by a large number of core image data, which can solve the problem of core recognition efficiently and accurately.

3. Method

3.1. Theory of ResNet Algorithm

The Residual Neural Network (ResNet) was proposed in this study. ResNet is the main idea in the network, and it increases the direct channel [16], the Highway Network (Figure 2). The emergence of the ResNet network enables deeper networks to receive better training. The principle is that the network of layer N is obtained from the network of layer N-1 through H transformation and is directly connected to the network of the previous layer on this basis, so that the gradient can receive better propagation. Therefore, it can be used to solve the problem that the training error of traditional convolutional neural networks becomes larger after increasing the number of layers. The core is to introduce the input X into the result again and map X into F(x) + X through the network. The structure of ResNet can accelerate the neural network training very quickly, and the accuracy of the model is greatly improved.
F ( x ) = H ( x ) x
In Equation (1), x is the observed value, H(x) is the predicted value, and F(x) is the actual value of residual error.
ResNet50 is composed of three parts: input layer, hidden layer, and output layer. The input data of the input layer is the preprocessed training set, and the image size is 200 × 200 pixels. The hidden layer includes a pooling layer and a convolution layer. ResNet50 is divided into 5 parts, which are conv1, conv2_x, conv3_x, conv4_x, and conv5_x, respectively. In conv1, the convolution kernel is 7 × 7 × 64, stride is 2, and the input is 200 × 200 × 3. The output is 100 × 100 × 3, and a maximum pooling layer of 3 × 3 with stride 2 is connected after conv1. Conv2_x, conv3_x, conv4_x, and conv5_x are all residual units, and an average pooling layer is connected after conv5_x. The convolution layer shall use the ReLU (Rectified Linear Unit) activation function to modify the linear unit, as shown in Equation (2).
f ( x ) = max ( x , 0 )
The functional form of Equation (2) is shown (Figure 3). ReLU activation function is a piecewise linear function, which can change all negative values to 0 while positive values remain unchanged. ReLU function has many advantages: (1) ReLU function is sparse, which can make the sparse model mine the relevant features better and fit the training data; (2) in the region of x > 0, there is no gradient saturation and gradient disappearance; (3) it has low computational complexity, no exponential operation is needed, and the activation value can be obtained with only a threshold.
The output layer is connected to the fully connected layer, and the dimension of the output is the number of categories. The softmax activation function is selected for the output layer, as shown in Equation (3).
σ ( z ) j = e z j k = 1 k e z k
In Equation (3), Zj is the output value of the j node, and k is the number of output nodes, that is, the number of classification categories. The softmax function can be used to convert the output value of multiple classifications into a probability distribution with a range of [0,1] and a sum of 1. Adam is selected as the optimization algorithm of the output layer, cross-entropy loss function is selected as the loss function, and the most native accuracy is selected as the accuracy evaluation index. The loss function is shown in Equation (4).
c = 1 n i = 1 n [ y i ln a + ( 1 y i ) ln ( 1 a ) ]
In Equation (4), y represents the label of sample i, positive class is 1, negative class is 0. α represents the probability that sample x is predicted to be positive class, n is the number of samples, and c represents the loss value. In core images, one of the biggest differences between different facies categories is mainly color differences (Figure 4), for example, the lithofacies F9, F10, and F12 have darker color development and are dark gray, while F2 and F6 have lighter color development and are generally light gray. The second is the surface texture of the core image, whether it is smooth or not. The surface of F2 is layered, and the surface of F5 is relatively flat with small cracks. The above features are global image features, not local features. In the field of image recognition, traditional convolutional neural networks mainly rely on local features in image recognition [17]. This is determined by the structure of the convolutional neural network, which is mainly composed of the convolutional layer, the pooling layer, and the fully connected layer. Among them, the convolution layer is mainly responsible for extracting local features in the image. The main function of the pooling layer is to reduce the amount of computation and speed up the running speed of the model on the premise of ensuring the accuracy of the results as much as possible. The main function of the full connection layer is to process the incoming data and obtain the classification result. The convolution kernel in the convolution layer can extract the local features in the image, which are the feature points used to classify the image. However, the features extracted by the convolution kernel are all local features in the image. In order to obtain global features in the image, an often-adopted method is to superimpose convolution layers, increase the number of convolution cores, obtain more local features, and combine them into global features. Although this can achieve the purpose of obtaining global feature recognition images, for the traditional convolutional neural network, deepening the number of network layers will inevitably lead to the problem of gradient disappearance or gradient explosion, resulting in stagnation of the accuracy of the model, which cannot be further improved. In order to solve the problem of gradient disappearance and gradient explosion caused by the deepening of network layers, the ResNet network model adjusts the structure of the traditional convolutional neural network and adds a direct channel between the convolutional layers, which can directly connect the non-adjacent convolutional layers and cross the middle convolutional layer. In this way, the problem of gradient disappearance or gradient explosion can be solved. Therefore, ResNet network is more suitable for global feature classification than traditional convolutional neural networks. Therefore, it is more suitable for core image data recognition. The types of lithofacies and corresponding sedimentary microfacies in the study area are shown as follows (Figure 5).
In this paper, a deep learning ResNet50 neural network was combined to carry out research on lithology recognition of core images. The recognition process mainly included obtaining the original data set, preprocessing the original data set, training ResNet50 network, and using the trained model to recognize unknown core images (Figure 6).

3.2. Image Preprocessing

For the initial core image data from a whole core well, the image size was large, and the resolution was 228 × 200,000± pixels, which is not suitable for subsequent operations. Therefore, it was necessary to cut the core well data with high reliability. First, we selected the part of the core well data to manually discriminate the facies type with high reliability, then preliminarily cut the core image according to the discriminant results, and finally cut the core image into multiple images according to the adjacent category boundary. At this time, the longitudinal size was greatly reduced, but the size of images was different, which required further clipping. The image library function in Python was used to further clipping according to the unified resolution size of 200 × 200, and the core image of each category was obtained with the resolution size of 200 × 200. Some images cannot reflect the original features due to the shooting angle problem, illumination problem or the core surface covered with occlusions. Such data were classified as noise data, which needed to be eliminated to ensure that they did not affect the accuracy of the model. We deleted some data after the data had a large difference between each category, which ensures the model has good robustness and has less need for data categories based on the available data set extended [18]. To solve the problem of unbalanced data volume, the data set was expanded mainly by clockwise rotation of 90°, 180°, 270° (Figure 7).

3.3. Produce Label

The next step was to make labels for preprocessed images and divide the data sets. Labels of data sets according to the field of target detection in deep learning were made by manual labeling. The main idea was to read all the pictures in a folder and label them uniformly. After the labels were made, the data set could be divided into training set and test set. In this paper, since there were not too many core data in each category, too large or too small percentages of training and testing sets could have led to large differences in the number of training and testing sets, which affected the accuracy of model training results; therefore, the data sets were divided according to the ratio of 8:2. For each category, 80% of them were randomly selected as the training set and the remaining 20% as the test set. The number of training and test sets for each category is shown in Table 1:

3.4. Training Model

After the preprocessing of the core image dataset was completed, the model training could be carried out. A good model needs a set of appropriate hyperparameter combinations [19]. Usually, in order to explore the most suitable hyperparameters, the control variable method is adopted, in which the less important hyperparameters are kept unchanged and only the key one is changed. In this paper, the adjustment of hyperparameters mainly focused on the learning rate, supplemented by batch_size and epoch. The setting of the learning rate dynamically adjusts the size of the learning rate according to the training rounds, and the learning rate gradually decreases with the increase of training rounds, as shown in Equation (5).
decayed _ lr = lr 0 * ( decay _ rate ( global _ steps / decay _ steps ) )
In Equation (5), decayed_lr is the learning rate after attenuation, namely the real learning rate used in current training; lr0 is the initial learning rate; decay_rate is the decay rate, namely the proportion of each decay; global_steps is the number of current training steps; decay_steps is the number of decay steps, that is, how many steps each decay is. During the experiment, epoch was set as 150, the batch size of each training was 32, decay_rate was set as 0.5, decay_steps was set as 10, and the initial learning rate was adjusted. The simulation record was shown in Table 2. We can see that the accuracy of the test set first tends to increase as the initial learning rate increases, and then tends to decrease after reaching the optimal parameters. This indicates that neither too large nor too small initial learning rate can train the best model, and also shows that ResNet50 can better simulate petrographic data when a suitable set of parameters is selected.
Preliminarily, it was obtained that the ResNet50 model can achieve better accuracy in the training and test sets with hyperparameter settings of 150 training rounds, 32 training batch size, and an initial learning rate of 0.0005. The confusion matrix of the test set under the current hyper-parameter settings was counted and the results are shown in Table 3.
By observing the confusion matrix, it can be found that it is difficult to perform category delineation between certain petrographic categories; for example, for F9 and F10, the probability of misclassification is higher. In this way, after the initial identification of the unknown petrographic phases is completed, we can pay special attention to F9 and F10, and manually discriminate and correct for the misclassified areas. For example, F2, F5 and F7 have been misclassified as F11. F11 also becomes a key object to be checked after the initial identification is completed, and the misclassified petrographic phases are corrected in time by manual discrimination.

3.5. Identification of Unknown Lithology

The trained model was used to test the unknown core well data. Considering that the original core data are mixed in a single image with a vertical distribution and the size is too large, the model can only identify one image as one lithology at a time, which causes the limitation that the original core image cannot be directly discriminated. To solve this problem, the sliding window recognition method [20] was adopted (Figure 8). Considering that the average pixel of the core image obtained is 228 × 200,000±, in order to adapt to the input size of the trained recognition model, the size of the recognition window was taken as 200 × 200 pixels. The upper left corner of the original core image was taken as the origin of coordinates (0,0), the right direction was taken as the positive direction of the X-axis, and the downward direction was taken as the positive direction of the Y-axis to set the two-dimensional coordinate system. Starting from the origin of coordinates, the window obtains the core image data, identifies the lithology and records the results. After the contents in the current window are identified, the window will move along the positive direction of the Y-axis with a distance of 200 pixels, so as to ensure that the two adjacent windows are closely adjacent and there is no unrecognized area in the middle, which can ensure the recognition of all core images.
The recognition results were recorded. At the same time, the starting and ending depth values were recorded, and the above steps were repeated until the entire core image was recognized. The program was written to integrate the recognition results, and the depth values of the starting and ending positions of adjacent lithofacies of the same category were calculated to obtain the distribution depth values of each lithofacies in the core image.

4. Algorithm Comparison and Application

4.1. Algorithm Comparison

For the same training set and test set, ResNet50 neural network, traditional convolutional neural network (CNN), and SVM are simultaneously adopted to simulate the data set and adjust the hyperparameters to achieve the best performance of each model. A total of 10 coring wells in the Mackay River oil sands block were randomly selected that were not involved in the training set and test set to validate the model. The identification results were compared with the real results to calculate the accuracy. The results are shown in Table 4, and some core identification results are shown (Figure 9).
According to the analysis of model accuracy, all the three methods can accurately identify some cores with obvious features. However, for cores with less obvious features, traditional convolutional network (CNN) and SVM will be misclassified, while the ResNet50 model can accurately identify them. The recognition accuracy of the core image shows that the ResNet50 model has the highest accuracy of 91.42%, with an average of 87.78%. Under the same test data, the CNN model has the highest recognition accuracy of 86.32%, with an average accuracy of only 81.58%, and the SVM model has the highest recognition accuracy of 86.66%. The average accuracy was 82.81%. For lithology identification of core images, the overall effect of the ResNet50 model is better than that of CNN and SVM. Therefore, the ResNet50 model was selected to identify the sedimentary facies of the remaining 168 core wells in the study area. The proportion data of different lithofacies in each well can provide lithofacies data for reservoir description quickly and accurately.

4.2. Application of Results

Through accurate core identification, combined with regional sedimentary background and seismic response, the study area was accurately determined to be tidal controlled estuarine deposition, and a typical image library of tidal controlled estuarine sedimentary facies core images was established, which provided a reference for core image recognition and sedimentary environment judgment in similar sedimentary environment [21]. Based on the determination of sedimentary facies by core images, the spatial distribution characteristics of different sedimentary facies and sand bodies can be revealed, the genesis of reservoir and the evolution law of sedimentary facies can be clarified, and the sedimentary facies model can be established through comprehensive well seismic research. Finally, using the idea of hierarchical modeling, taking the interpretation of sedimentary facies from core images as the hard condition data and seismic attributes as the constraint conditions, a fine geological model of a tided-dominated estuary in the study area was established using the method of 2D profile reconstruction of a 3D geological model [22], which laid a solid foundation for reservoir exploration and development (Figure 10).

5. Conclusions

In this paper, a new method is introduced in core image recognition, using the ResNet50 model in deep learning for lithology recognition of cores, combined with the actual block of the Mackay River in Canada, and compared with the traditional convolutional neural network model and support vector machine methods. We find that the method in this paper greatly improves the recognition accuracy of lithology, and the analysis of test results found that the more error-prone lithology provides guidance for those identification results that require special attention manually after the initial simulation identification is completed. This method can perfectly replace the manual identification, reduce the errors caused by manual subjectivity and misinterpretation of data, and save a lot of manpower, materials, and time, while improving the accuracy of identifying lithology. It lays a solid foundation for later geological research, increases the credibility of the next work, and provides a more accurate grasp of the oil sands reservoir, which can be applied to other oil sands projects and provide a reference for the efficient development of other oil sands projects at home and abroad.

Author Contributions

Conceptualization, L.C., J.H., L.W. and Y.Y.; methodology, H.S. and L.W.; validation, L.W. and H.S.; formal analysis, H.S.; investigation, H.S.; resources, H.S. and L.W.; data curation, H.S. and L.W.; writing—original draft preparation, H.S.; writing—review and editing, L.C., J.H., H.S., L.W. and Y.Y.; visualization, H.S.; supervision, L.C., J.H., L.W. and Y.Y.; project administration, Y.Y.; funding acquisition, Y.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by National Natural Science Foundation of China (grants No. 41872138) and CNPC Science and Technology Special Project “Research on Enhanced Oil Recovery and Low Abundance Complex Gas Reservoir Development Technology in Water Invasion Gas Reservoir” (No. 2021DJ1705).

Data Availability Statement

Not Applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhu, Y.; Wang, W.; Zhang, H.; Yan, J.; Cao, L.; Xu, J.; Meng, Q.; Tan, X. Implementation Overview of Chinese Continental Scientific Drilling (CCSD) Project and Technical Systems of Core Boring. Acta Geol. Sin. 2018, 92, 1971–1984. [Google Scholar]
  2. Liu, Y.; Huang, J.; Yin, Y.; Lv, Y.; Wang, C.; Qi, J. Optimization and Application of Core Image recognition Algorithm in Oil-sand Reservoir. FaultBlock Oil. Gas F. 2020, 27, 464–468. [Google Scholar]
  3. Zhang, Z. Research on Image Segmentation and Recognition of Sandstone Thin Section. Ph.D. Thesis, University of Science and Technology of China, Hefei, China, 2020. [Google Scholar] [CrossRef]
  4. Al-Farisi, O.; Zhang, H.; Raza, A.; Ozzane, D.; Sassi, M.; Zhang, T. Machine Learning for 3D Image Recognition to Determine Porosity and Lithology of Heterogeneous Carbonate Rock. In Proceedings of the SPE Reservoir Characterisation and Simulation Conference and Exhibition, Abu Dhabi, United Arab Emirates, 17–19 September 2019. [Google Scholar]
  5. Wang, H.; Song, W.; Xu, H.; Zhang, B. Research on core recognition algorithm based on support vector machine. J. Hubei Eng. Univ. 2021, 41, 61–66. [Google Scholar]
  6. Liu, F.; Wang, S.; Zhang, Y. Overview on Models and Applications of Support Vector Machine. Comput. Syst. Appl. 2018, 27, 1–9. [Google Scholar] [CrossRef]
  7. Song, W.; Xu, H.; Wang, H.; Zhang, B.; Zhang, Q.; Tu, Y.; Wang, X. Intelligent Lithology Identification Method of core slices based on generative Adversarial network. J. Yangtze Univ. Nat. Sci. Ed. 2022, 19, 39–46. [Google Scholar] [CrossRef]
  8. Zhao, Z.; Luo, Z.; Wang, P.; Li, J. Survey on Image Classification Algorithms Based on Deep Residual Network. Comput. Syst. Appl. 2020, 29, 14–21. [Google Scholar] [CrossRef]
  9. Miao, Y. Review of Image Classification Algorithms Based on Convolutional Neural Networks. Remote Sens. 2021, 13, 4712. [Google Scholar] [CrossRef]
  10. Zhao, M.; Kang, M.; Tang, B.; Pecht, M. Deep Residual Networks with Dynamically Weighted Wavelet Coefficients for Fault Diagnosis of Planetary Gearboxes. IEEE Trans. Ind. Electron. 2018, 65, 4290–4300. [Google Scholar] [CrossRef]
  11. Wang, H.; Ma, F.; Tong, X.; Liu, Z.; Zhang, X.; Wu, Z.; Li, D.; Wang, B.; Xie, Y.; Yang, L. Assessment of global unconventional oil and gas resources. Pet. Explor. Dev. 2016, 43, 850–862. [Google Scholar] [CrossRef]
  12. Chen, H.; Huang, J.; Chang, G.; Wu, J.; Sun, T. Ichnology identification and sedimentary environment analysis based on CT scanning: A case study from Mackay Ⅲ oil sands, Canada. J. Palaeogeogr. Chin. Ed. 2018, 20, 703–712. [Google Scholar]
  13. Li, C.; Xue, H.; Lu, S.; Chen, H.; Zhang, K. Study on Characteristics of Sedimentary Facies Formed under Tide-dominated Estuary Environment: Taking M1 Reservoir in D-F Oilfield as an Example. J. Xi’an Shiyou Univ. Nat. Sci. Ed. 2017, 32, 20–28. [Google Scholar]
  14. Fustic, M.; Hubbard, S.M.; Spencer, R.; Smith, D.G.; Leckie, D.A.; Bennett, B.; Larter, S. Recognition of down-valley translation in tidally influenced meandering fluvial deposits, Athabasca Oil Sands (Cretaceous), Alberta, Canada. Mar. Pet. Geol. 2012, 29, 219–232. [Google Scholar] [CrossRef]
  15. Ji, C. Research and Application of Rock Image Classification based on Convolutional Neural Network. J. Xi’an Shiyou Univ. 2017. Available online: https://xuewen.cnki.net/CMFD-1017177571.nh.html (accessed on 1 June 2022).
  16. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; IEEE: Piscataway, NJ, USA, 2016; pp. 770–778. [Google Scholar]
  17. O’Shea, K.; Nash, R. An Introduction to Convolutional Neural Networks. arXiv 2015, arXiv:1511.08458. [Google Scholar]
  18. Bai, L.; Yao, Y.; Li, S.; Xu, D.; Wei, X. Mineral composition analysis of rock image based on deep learning feature extraction. China Min. Mag. 2018, 27, 178–182. [Google Scholar]
  19. Xiao, X.; Yan, M.; Basodi, S.; Ji, C.; Pan, Y. Efficient Hyperparameter Optimization in Deep Learning Using a Variable Length Genetic Algorithm. arXiv 2020, arXiv:2006.12703. [Google Scholar]
  20. He, J.; Guo, Z.; Liu, L.; Su, Y. Human Activity Recognition Technology Based on Sliding Window and Convolutional Neural Network. J. Electron. Inf. Technol. 2022, 44, 168–177. [Google Scholar]
  21. Wu, Y.Y.; Zhang, W.M.; Tian, C.B.; Song, B.B.; Gao, J.X.; Gao, Y. Application of Image logging in identifying lithologies and sedimental facies in Reef-Shoal Carbonate Reservoir-Take Rumaila Oil Field in Iraq for Example. Prog. Geophys. 2013, 28, 1497–1506. [Google Scholar]
  22. Wang, L.; Yin, Y.; Wang, H.; Zhang, C.; Feng, W.; Liu, Z.; Wang, P.; Cheng, L.; Liu, J. A method of reconstructing 3D model from 2D geological cross-section based on self-adaptive spatial sampling: A case study of Cretaceous McMurray reservoirs in a block of Canada. Pet. Explor. Dev. 2021, 48, 347–359. [Google Scholar] [CrossRef]
Figure 1. Typical core photograph of the study area.
Figure 1. Typical core photograph of the study area.
Energies 16 00465 g001
Figure 2. Residuals of ResNet50 [16].
Figure 2. Residuals of ResNet50 [16].
Energies 16 00465 g002
Figure 3. ReLU activation function.
Figure 3. ReLU activation function.
Energies 16 00465 g003
Figure 4. Categories of lithofacies.
Figure 4. Categories of lithofacies.
Energies 16 00465 g004
Figure 5. Types of lithofacies and corresponding sedimentary microfacies.
Figure 5. Types of lithofacies and corresponding sedimentary microfacies.
Energies 16 00465 g005
Figure 6. Flow chart.
Figure 6. Flow chart.
Energies 16 00465 g006
Figure 7. Rotation dataset.
Figure 7. Rotation dataset.
Energies 16 00465 g007
Figure 8. Moving window recognition.
Figure 8. Moving window recognition.
Energies 16 00465 g008
Figure 9. Core identification result.
Figure 9. Core identification result.
Energies 16 00465 g009
Figure 10. The 3D model of the study area.
Figure 10. The 3D model of the study area.
Energies 16 00465 g010
Table 1. Quantity of training set and test set.
Table 1. Quantity of training set and test set.
Lithic Facies Number of Training SetsNumber of Test Sets
DEV17143
F215639
F315840
F416241
F516040
F616642
F715840
F8a16040
F917043
F1016040
F1117444
F1216842
Background12030
Table 2. Model accuracies corresponding to different initial learning rates.
Table 2. Model accuracies corresponding to different initial learning rates.
EpochBatch_Sizelr0Train Set AccuracyTest Set Accuracy
150320.010.99570.8171
150320.0010.99820.8407
150320.00050.99850.9122
150320.00010.98840.8729
150320.000050.99630.8689
Table 3. Confusion matrix at optimal hyperparameter combination.
Table 3. Confusion matrix at optimal hyperparameter combination.
Prediction Category DEVF2F3F4F5F6F7F8aF9F10F11F12Background
Real Category
DEV43000000000000
F203500000000400
F300350030020000
F400036020030000
F500003500000500
F600000380040000
F700000037000300
F8a00002003800000
F900000100375000
F1001000000633000
F1100002000033900
F1200000000000420
Background00000000000030
Table 4. Identification accuracy of different models.
Table 4. Identification accuracy of different models.
Accuracy (%) ResNetCNNSVM
Well Name
X188.2375.9281.33
X285.7182.6585.35
X383.5380.4381.58
X489.5480.1581.84
X590.5683.8886.66
X688.7879.8480.58
X791.4286.3284.59
X882.4481.3383.41
X986.8883.7582.45
X1090.6881.5280.35
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

Shang, H.; Cheng, L.; Huang, J.; Wang, L.; Yin, Y. A Deep Learning Method for Facies Recognition from Core Images and Its Application: A Case Study of Mackay River Oil Sands Reservoir. Energies 2023, 16, 465. https://doi.org/10.3390/en16010465

AMA Style

Shang H, Cheng L, Huang J, Wang L, Yin Y. A Deep Learning Method for Facies Recognition from Core Images and Its Application: A Case Study of Mackay River Oil Sands Reservoir. Energies. 2023; 16(1):465. https://doi.org/10.3390/en16010465

Chicago/Turabian Style

Shang, Haojie, Lihua Cheng, Jixin Huang, Lixin Wang, and Yanshu Yin. 2023. "A Deep Learning Method for Facies Recognition from Core Images and Its Application: A Case Study of Mackay River Oil Sands Reservoir" Energies 16, no. 1: 465. https://doi.org/10.3390/en16010465

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