999精品在线视频,手机成人午夜在线视频,久久不卡国产精品无码,中日无码在线观看,成人av手机在线观看,日韩精品亚洲一区中文字幕,亚洲av无码人妻,四虎国产在线观看 ?

Deep learning of rock microscopic images for intelligent lithology identification: Neural network comparison and selection

2022-08-24 10:02:08ZhenhoXuWenPengLinYileiHu

Zhenho Xu, Wen M, Peng Lin, Yilei Hu

a Geotechnical and Structural Engineering Research Center, Shandong University, Jinan, 250061, China

b School of Qilu Transportation, Shandong University, Jinan, 250061, China

c Institute of Robotics and Intelligent Systems, Wuhan University of Science and Technology, Wuhan, 430000, China

Keywords:Deep learning Rock microscopic images Automatic classification Lithology identification

ABSTRACT An intelligent lithology identification method is proposed based on deep learning of the rock microscopic images. Based on the characteristics of rock images in the dataset, we used Xception, MobileNet_v2,Inception_ResNet_v2,Inception_v3,Densenet121,ResNet101_v2,and ResNet-101 to develop microscopic image classification models, and then the network structures of seven different convolutional neural networks (CNNs) were compared. It shows that the multi-layer representation of rock features can be represented through convolution structures,thus better feature robustness can be achieved.For the loss function,cross-entropy is used to back propagate the weight parameters layer by layer,and the accuracy of the network is improved by frequent iterative training. We expanded a self-built dataset by using transfer learning and data augmentation. Next, accuracy (acc) and frames per second (fps) were used as the evaluation indexes to assess the accuracy and speed of model identification.The results show that the Xception-based model has the optimum performance,with an accuracy of 97.66%in the training dataset and 98.65%in the testing dataset.Furthermore,the fps of the model is 50.76,and the model is feasible to deploy under different hardware conditions and meets the requirements of rapid lithology identification.This proposed method is proved to be robust and versatile in generalization performance, and it is suitable for both geologists and engineers to identify lithology quickly.

1. Introduction

Lithology identification is the basis for stratigraphy analysis,resource/reserve estimation, and geological modeling. It can provide specific information about the adverse geological characteristics of the engineering area(Xu et al.,2021a;Lin et al.,2022),and also provide evidence for geohazards prevention and mitigation(Martinez-Martinez et al., 2017). Lithology identification is an important and fundamental indicator in geology, geotechnical investigation, tunneling and underground engineering (Kearsey et al., 2015; Kumar et al., 2019; Xu et al., 2021b). Rapid and accurate identification of lithology has important engineering applications.In engineering practices,visual inspection of hand specimens in field is insufficient, thus it is necessary to conduct accurate lithology identification in the laboratory (Bai et al., 2019). Rock lithology can be identified based on rock density, magnetism, conductivity, and elemental content, using scanning electron microscope (SEM), X-ray diffraction (XRD), and electron probe microanalyzer (EPMA) (Izadi et al., 2017). In general, laboratory lithology identification requires high-precision equipment and a specific working environment, and different equipment facilities may generate different types of data (Vaneghi et al., 2021). Since most equipment is costly and the experiment is time-consuming,the thin section identification still remains the main method for lithology identification in current engineering practices.

Thin section identification is a traditional method that uses images to identify mineral lithology.Rock samples are cut into thin slices, and the crystallization characteristics of minerals are then observed under a polarizing microscope by the geologists. The mineral composition of rocks is determined by measuring their optical properties. Rock type, its genetic characteristics, and lithology can be determined based on the rock structure,rock fabric,and mineral sequence. Compared with the experimental analysis,the entire identification process is time- and cost-effective. However,due to the strong subjectivity of results and high requirements for researchers (Fan et al., 2020), it is often challenging to identify lithology(de Lima et al.,2020).If intelligent lithology identification can be achieved,it can not only reduce the workload of researchers but also enable more practitioners to achieve efficient and objective identification results.

With the rapid development in computer vision technology in recent years (Duan et al., 2021; Isleyen et al., 2021), significant progress has been made in the automatic identification of rock microscopic images. At present, studies on automatic rock image identification are primarily focused on image analysis and feature extraction. According to the characteristics of rock texture, rock fabric and particle distribution, feature extraction based on image processing technology and lithology identification based on machine learning methods have been widely used. For instance,Khorram et al. (2017) proposed a vision-based rock type and classification algorithm based on images of samples collected from a limestone mine. The support vector machine (SVM) and Bayesian techniques were used for classification, enabling the classification of lithology in different stages of mining. Mlynarczuk et al. (2013)used a polarization microscope to obtain digital images from thin sections of nine types of rock samples. Four pattern-identification methods (nearest neighbor, K-nearest neighbor, nearest mode,and optimal spherical neighborhood) were used to automatically identify rock samples. Singh et al. (2010) proposed a texture identification method based on image processing of different basalt thin sections.In their method, the red-green-blue color mode (RGB) or grayscale images of rock samples were used as inputs, and the estimated rock texture categories were outputs, which were provided by the multi-layer perceptron neural networks.

The aforementioned machine learning methods can greatly reduce the subjectivity in lithology identification. However, machine learning based lithology identification still requires manual image processing. To improve the automation of the whole identification process and reduce the difficulty of image processing,deep learning has been gradually applied to intelligent lithology identification based on rock microscopic images.For example,Polat et al.(2021)used a transfer learning model based on Densenet121 and ResNet 50 to extract the features of microscopic images of volcanic rocks to achieve a rapid and intelligent identification of six types of volcanic rocks. Bai et al. (2019) proposed a model of rock microscopic image classification based on visual geometry group(VGG) to identify six common rock types, such as andesite, dolomite, and granite. Because of the diversity and complexity of rock features,many factors need to be considered when selecting a deep learning model.

In previous studies,building a single model is often insufficient to explain the best effect of convolutional neural network(CNN)in image identification. When selecting a CNN, it is necessary to consider not only the identification accuracy but also the identification speed and portability of the proposed model. Considering the diversity and abstraction of rock characteristics, we choose seven kinds of CNNs commonly used in the image classification area. The accuracy of the networks is improved through iterative training.By loading the pre-trained model,the convergence speed is improved, and the training difficulty is reduced. Accuracy (acc)and frames per second (fps) are used as the evaluation indices for assessing model identification accuracy and speed, respectively.The well-trained classification models have good lithology identification ability on the rock microscopic data.

2. Comparison and selection of neural network for lithology identification

We used the CNN to classify rock microscopic images.The main process is to give an input image and use a deep learning model to assign it with a label of a known mixed type. The input is a collection of images under the microscope, and the label of each image is one of the rock types.The training dataset is used to learn different features of each type and then generate a microscopic image classification model. The classifier in the model is used to predict images in the testing dataset, and the labels predicted by the classifier are compared against the ground-truth labels to evaluate the quality of the model. In general, different CNNs have different effects on different datasets. The selection of the CNN is very important for lithology identification. By comparing the structure and design characteristics of commonly used CNNs, the best-performing networks in rock microscopic image datasets are selected to build the classification model.

2.1. Comparison of different neural networks

By designing appropriate network structures, the performance of CNNs can be improved.Increasing the image resolution can allow for more information to be added to the network. Increasing the width and depth of the network can enable the network to learn more parameters. Adding skip connections can increase the complexity of the network and therefore improve the representation of the network.Different network designs will bring different benefits and will also have different effects on model parameters and identification speed.

Prior to the series of inception networks, most popular CNNs simply stack the convolutional layers to obtain better performance by using deeper networks.The model requires to be transplantable,suitable for lithology identification in practical conditions,and can be used in different hardware environments. The inception model is designed to build a network with an excellent local topology structure with fewer parameters.Specifically,multiple convolution and pooling operations are performed on the input image in parallel,and then all output results are spliced into a very deep feature map (Szegedy et al., 2016a). The continuous improvement in the inception series network has led to a variety of network versions.Each version is an iterative evolution of the previous version.Choosing the appropriate version helps optimize the speed and accuracy. In this work, we selected Inception_v3 and Inception ResNet_v2(Szegedy et al., 2016b) for comparison.

In addition to the inception network, the residual structure in ResNet is also a very important network design in the development of CNNs. Empirically, the impact of network depth on model performance is very important. As the number of network layers increases,the network can extract more complex features.However,experiments show that when the network is too deep,the accuracy will not continue to improve.As a result,residual learning is used to address the problem, whereby the residual unit is added through shortcut connections (He et al.,2016a). Due to the complexity and abstraction of rock characteristics, we selected ResNet-101 and ResNet101_v2(He et al.,2016b)for comparison.Experiments show that the structure of ResNet101_v2 is superior to that of ResNet-101.

The above two design ideas for a CNN are: (1) deepening the network (such as ResNet), and (2) widening the network (such as the Inception network).Densenet starts with features and achieves better results through the extreme use of features (Huang et al.,2016). The narrower network structure and fewer parameters of Densenet are largely due to the design of dense blocks. Through dense connections, the transmission of features and gradients is more efficient, helping reduce the disappearance of gradients.

When improving the network performance, we also needed to consider the practicability of the network. Under different hardware conditions, there are many limitations in computing performance and storage space,and there are also high requirements for computational speed. Therefore, it is important to achieve lightweight while ensuring network accuracy. We selected two lightweight networks, i.e. MobileNet v2 and Xception (Chollet,2017). MobileNet v2 abandons the conventional convolution operations and introduces the depthwise separable convolution as the basic unit.Experiments show that its overall effect is equivalent to a standard convolution,but can greatly reduce the computation and the number of model parameters,which is beneficial to reduce the time and space complexity of convolution (Howard et al., 2017).Xception adopts the depthwise separable convolution similar to MobileNet (the specific structure is described in the following section), which not only makes full use of hardware resources but also maximizes the efficiency and performance of the network.

By comparing the effects of different CNNs,Xception is selected as the backbone network of the microscopic image classification model for intelligent lithology identification.

2.2. Network selection and evaluation

To evaluate the performance of different microscopic image classification models, acc represents the evaluation index for accuracy, fps represents the evaluation index for speed, and the confusion matrix is used as the evaluation index to describe the specific situation of microscopic image identification for different rock types.

Since acc is generally used to evaluate the global accuracy of a model, it is necessary to use the confusion matrix to comprehensively evaluate the model classification performance on individual categories.The x-coordinate in the confusion matrix represents the statistical quantity of categories predicted by the model,and the ycoordinate represents the statistics of the quantity of real labels.Diagonals represent the probability of labels predicted by the model that are consistent with the ground-truth labels. The larger the diagonal value, the better the identification result from the model on this type of rock(which is denoted by the darker color in the visualization results). Off-diagonal values represent the probability of misprediction for other types of rocks,i.e.the lower value indicates better a prediction result.True positive(TP)indicates the number of positive samples correctly identified as positive; true negative (TN) indicates the number of negative samples correctly identified as negative; false positive (FP) indicates the number of negative samples incorrectly identified as positive; and false negative(FN)indicates the number of positive samples incorrectly identified as negative. Then, acc can be expressed as

In addition to the detection accuracy, another important performance index for the model evaluation is computational speed.Rapid identification improves the model’s efficiency in engineering applications. The comparison of fps needs to be done under the same hardware condition. The larger the fps value, the faster the speed of identification.

3. Xception-based intelligent lithology identification

On the basis of deep learning of rock microscopic images, an intelligent lithology identification method is proposed. Rock microscopic images are divided into training dataset and testing dataset.First,The Xception-based microscopic image classification model is used to directly extract advanced features through convolution operation and pooling operation as the inputs to the full connection layer, and then use these features to classify input images based on the training dataset. Then, in the training, the transfer learning method is used to improve the learning ability of rock characteristics by loading the pre-trained weights.Finally,this method is verified using the testing dataset to achieve the intelligent lithology identification.

3.1. Microscopic image classification model based on deep learning

When deep learning is used to classify rock microscopic images,rock features are often abstract representations of deep features(Xu et al., 2021c). CNN has become the dominant deep learning method to extract deep features (Men et al., 2017). Image identification using CNN typically consists of four operations, i.e. convolution, nonlinear processing, pooling, and classification. The purpose of convolution is to extract features from the input images.The feature map can be obtained by sliding the filter over the image. For the same input image, different convolution operations generate different feature maps.

As shown in Fig.1, the lightweight deep learning model based on the Xception architecture contains 36 convolution layers,divided into the entry flow, middle flow, and exit flow. The entry flow contains 8 convolution layers, the middle flow contains 24 convolution layers,and the exit flow contains 4 convolution layers(Chollet, 2017). Xception is combined with deep separable convolutions to learn deep features from a small fraction of data in the image and preserve the spatial relationships between pixels.Different from other lightweight networks,the function of Xception is not to compress the model, but to improve the performance.Because it expands the network with an equivalent number of parameters with Inception_v3. Therefore, the Xception-based microscopic image classification model not only makes full use of hardware resources but also maximizes the network efficiency and performance, thus extracting richer rock features.

The main structure of Xception is a block stack containing a residual network and separable conv Fig. 2 shows the structure of two common blocks in Xception (see Fig. 1), mainly in the entry flow and exit flow. In conventional convolution, the convolution kernel is usually responsible for both channel and spatial relationship mapping. The separable conv module of Xception draws the idea from the depth separable convolution,which separates the two relationship mappings to make the entire convolution process simpler and more efficient. Depth separable convolution includes two operations:depthwise convolution and pointwise convolution.The depthwise convolution performs the first convolution operation on a two-dimensional plane, after which three feature maps are generated. The number of feature maps after the depthwise convolution is the same as the number of channels in the input layer, and thus the feature maps cannot be extended. In addition,the convolution operation of each channel is independent,and the feature information of different channels in the same spatial position is not used effectively.Therefore,the pointwise convolution is used to weight the feature maps of the previous steps in the depth direction and combine them to generate a new feature map.When the inputs are the same and the number of feature maps is the same, the number of depth separable convolution parameters is approximately 1/3 that of conventional convolution.Therefore,the number of CNN layers with depth separable convolution can reach deeper under the premise of the same number of parameters.

As shown in Fig. 2, the residual network is introduced into the Xception block for operation. This depth separable convolution structure with residual connection is easy to define and modify,speeding up training and improving overall performance.The ReLU nonlinear activation function is set after each operation in Xception. Experiments show that using ReLU as an activation function can avoid the disappearance of gradients in back propagation. At the same time,part of the output will be 0 after the ReLU operation.By forming a sparse network, the interdependence of parameters can be reduced and the overfitting issue can be alleviated.Compared to the sigmoid and tanh activation functions, the derivation of the ReLU function is simpler and computational more efficient(Xu et al.,2021d).Therefore,ReLU is used as the activation function to extract rock features in our classification models,which can be expressed as

Fig.1. The network architecture of microscopic image classification model based on Xception.

where f(x) represents the activation function, i.e. a function that maximizes the input value x of a neuron.

The output of the CNN is used as the input to the full connection layer and is trained by back propagation.The full connection layer is a traditional multi-layer perceptron.The high-level features of the input image can be classified by the full connection layer.Adding a full connection layer is also an easy way to learn the nonlinear combination of these features.Finally, SoftMax is used as the activation function in the output layer,which converts any input vector greater than 0 into a numeric vector between 0 and 1,with the sum of the output probabilities obtained from the full connection layer being 1. Experiments show that the most advanced features are trained in combination, which is more effective for classification tasks.Taking the output of the i th node as an example,the SoftMax function can be expressed as

Fig. 2. The Block_1 and Block_2 in Xception: (a) Block_1 and (b) Block_2.

where x is the input vector; ziis the output probability of the i th node, and k is the number of output nodes, that is, the number of types classified.

3.2. Network training

Compared with vehicle or face identification, there are some special issues with rock microscopic image identification:

(1) Complex data acquisition. Rocks are formed in fundamentally different ways and have clearly different physical and chemical characteristics.There are three main types of rocks:sedimentary, igneous, and metamorphic. Within each of these types, these are many classes of rocks formed by physical changes such as melting, cooling, eroding, compacting,or deforming.Collecting a large number and variety of samples manually is a time- and labor-consuming longterm task.

(2) Complex feature representation. Different rocks have different features because of their minerals,the ways that the rocks were formed, and the geological processes that act on them since they are formed. The thin sections of rocks have complex mineral crystallization and optical properties under the microscope. It is necessary to determine the mineral composition of a rock and study its structure and fabric.Also we should analyze the generation sequence and genetic characteristics of minerals. Therefore, the microscopic features of a rock cannot be described only by simple features such as contours and colors.

Transfer learning and a large amount of source domain information are used to improve the prediction performance of the training model in the target domain.The source domain refers to as the set of annotated instances, and the target domain the set of instances to be annotated. These two domains have different feature spaces. Loading the ImageNet pre-trained model can improve the convergence speed of gradient descent, and obtain a model with a low generalization error.The pre-trained model has a higher performance and faster training speed, which also reduces the gradient disappearance or gradient explosion problem caused by no initialization or improper initialization.

In order to fully use the dataset of rock microscopic images,data augmentation operations such as random scaling, flipping, and rotation are used in training to improve the learning ability of rock features. The best model is verified through the testing dataset.

During the model training, we first initialized all filters, loaded the pre-trained model, and set parameters and weights with random values. Random initialization can break the symmetry of the data so that different hidden units can learn different information. The convolution network receives the training images as the inputs and obtains different types of output probabilities through the forward propagation (including convolution, ReLU,pooling operations,and forward propagation of the full connection layer).The total error is calculated at the output layer,and the back propagation is used to calculate the error gradient based on the weight of the network.The gradient descent algorithm updates the values, weights, and parameters of all filters to minimize output errors. We repeated the steps above for all images in the training dataset. The update step is obtained by calculating the adaptive learning rate for each parameter by using the Adam optimizer.

Fig. 3. Examples of typical igneous rock microscopic images in the dataset: (a) Rhyolite; (b) Granite; (c) Granite pegmatite; (d) Andesite; (e) Diorite-porphyry; (f) Syenite; (g)Anorthosite; (h) Stomatal basalt; (i) Amygdaloidal basalt; (j) Diabase; (k) Gabbro and (l) Peridotite.

Forward propagation is the process of using a SoftMax classifier to calculate the probability score and obtain the corresponding loss function. After obtaining the loss function, the microscopic image classification model is optimized according to the loss function to lower the loss value. We used cross-entropy as the loss function.Cross-entropy measures the difference between two different probability distributions for the same random variable. In deep learning, it represents the difference between the real probability distribution and the predicted probability distribution.The smaller the cross-entropy,the better the model predicts.Usually,SoftMax is used to process outputs, and the sum of the predicted values of multiple classifications is 1. Cross-entropy is used to calculate the loss,which can be expressed as

where i is the index of outputs, L is the loss, piis the actual probability distribution,and p′iis the predicted probability distribution.

Fig.4. Examples of typical sedimentary rock microscopic images in the dataset:(a)Volcanic breccia;(b)Tuff;(c)Conglomerate;(d)Siltstone;(e)Shale;(f)Limestone;(g)Wormkalk and (h) Dolomite.

4. Case study and verification

To verify the fidelity of this method and model,30 types of rock microscopic images are selected for tests, and lithology identification is conducted by using the microscopic image classification model based on Xception.To compare the performance of different CNNs in rock microscopic image datasets, ResNet101_v2, Mobile-Net_v2, Inception_ResNet_v2, Inception_v3, Densenet121, and ResNet-101 are used to establish microscopic image classification models for comparative tests.

4.1. Dataset

We used a total of 30 rock types from three categories as the dataset, which are common and representative. In our dataset,12 types of igneous rocks are classified as Category A, including rhyolite, granite, granite pegmatite, andesite, diorite porphyry, syenite, anorthosite, stomatal basalt, amygdaloidal basalt, diabase,gabbro, and peridotite. Eight types of sedimentary rocks are classified as Category B,including volcanic breccia,tuff,conglomerate,siltstone, shale, limestone, wormkalk, and dolomite (tuff and volcanic breccia are in the form of sedimentary rocks). Ten types of metamorphic rocks are classified as Category C, including black slate,phyllite,granite schist,granite gneiss,garnet gneiss,quartzite,serpentinized marble, greisen, skarn, and striped migmatite.

Samples are cut into thin slices, and then are photographed by an Olympus DP74 polarizing microscope (orthogonal polarizing,magnification:10 times).Figs.3-5 show an example of 30 types of rock microscopic images in the dataset. Collecting thin section images from the same rock in different angles can further improve the model’s ability to extract rock features.

A total of 14,950 rock microscopic images are used to create the dataset. The images are randomly selected with a ratio of 9:1 between the training dataset and the testing dataset. Specifically,the training dataset has 13,463 images, and the testing dataset has 1487 images. The number of training and testing datasets for each rock type is listed in Table 1. In order to ensure that the model is insensitive to the missing values of samples in training,the weight relationship between different feature factors and corresponding types is established. The uniformly distributed rock microscopic images dataset is beneficial to improving the identification accuracy and generalization ability of the model.Images in the training set are labeled and trained according to the ground-truth labels.

4.2. Network training

Fig.5. Examples of typical metamorphic rock microscopic images in the dataset:(a)Black slate;(b)Phyllite;(c)Granite schist;(d)Granite gneiss;(e)Garnet granulite;(f)Quartzite;(g) Serpentinized marble; (h) Greisen; (i) Skarn and (j) Striped migmatite.

Deep learning models are used to identify rock microscopic images. In this paper, seven network models including Xception,ResNet101_v2, MobileNet_v2, Inception_ResNet_v2, Inception_v3,Densenet121 and ResNet-101 are used to build classification models,which are trained under the framework of Keras in Python. Crossentropy is used as the loss function to further optimize the model,and the pre-trained model is loaded to speed up the convergence and improve the accuracy of the model.To better evaluate the seven models,experiments must be performed under the same hardware condition and the model parameters are adjusted to be the same.We used quad core CPU(2.6 GHz),and the NVIDIA geforce GTX 1080 was used as the graphics card. Through many experiments, we set the batch size to be 10,the learning rate to be 0.0001, the learning rate decay to be 0.0001,and the weight decay to be 0.0001.As shown in Fig.4,after 40 iterations,the losses of all seven models are basically stabilized, indicating that the classification models can extract rock features. In the training dataset, the loss value of Xception,MobileNet_v2, Inception_ResNnet_v2, Inception_v3, and Densenet121 are stable at about 0.05, which have better convergence compared with ResNet101_v2 and ResNet-101.

As shown in Fig. 6, Xception, Inception_ResNet_v2, Inception_v3,and Densenet121 have relatively modest loss performance in the test set. After 40 iterations, Xception, MobileNet_v2, Inception_ResNet_v2, Inception_v3, and Densenet121 have an acc value of 97.3%-97.6% on the training dataset. This also shows that the model with better convergence yields better results in multi-class image identification. As shown in Figs. 7 and 8 due to the randomness of testing dataset, the performance of the seven models on the test set is relatively volatile.Among them,Xception’s acc is relatively stable,after 30-40 rounds of iterations,it remains at a relatively stable value.

Table 1 Datasets for the image classification of rock lithology.

4.3. Network evaluation

MobileNet_v2 is the fastest among the seven models,processing 54.76 images per second.Xception ranks second,processing 50.76 images per second. MobileNet_v2 and Xception, as the typical lightweight CNNs, can achieve the purpose of rapid lithology identification. Although MobileNet_v2 is slightly faster than Xception,this is achieved at the expense of model accuracy.Under the premise of ensuring high accuracy, the Xception-based microscopic image classification model can meet the rapid identification of lithology in engineering practices. Although the other five models are relatively slow, in general, deep learning-based rock microscopic image identification has a significant advantage over manual identification.

For model evaluation, the size of the model is also important.When the hardware conditions are not the same,it is necessary to consider the difficulty of deploying on different computing devices.The smaller the model size, the less the calculations and the more scenarios that can be applied.It is more suitable for a wide range of laboratory environments. As shown in Table 2, MobileNet_v2 has the smallest model (only 80.91 MB), followed by Densenet121(130.36 MB), and Xception (311.56 MB). For models with small sizes,hardware conditions are less demanding,so the portability of the model is stronger. Fig. 10 shows the acc from the Xceptionbased microscopic image classification model is the highest,which can reach 98.65%. Similarly, acc of ResNet101_v2, Mobile-Net_v2, Inception_ResNet_v2, Inception_v3, Densenet121, and ResNet-101 can reach 94.81%, 96.43%, 97.64%, 97.71%, 97.17%,91.99%,respectively.

Fig. 6. The convergence loss and accuracy curves in the training dataset: (a) Loss and(b) Accuracy.

The indicators commonly used in classification problems are used to compare microscopic image classification models. Fig. 9 shows the comparison of the confusion matrices of different models. As shown in Fig. 9a, The Densenet121-based microscopic image classification model has a 19% probability of identifying diabase as gabbro, and a 36% probability of identifying gabbro as diabase. The probabilities of identifying siltstone as anorthosite,phyllite, and serpentinized marble are 15%, 11%, and 19%, respectively. Similarly, the probabilities of identifying rhyolite as anorthosite and diabase are 9% and 2%, respectively. The identification acc of other rock types is higher than 90%,and 24 rock types out of 30 are identified completely correct.

As shown in Fig.9b,there is a 27%probability that gabbro will be identified as diabase from the microscopic image classification model based on Inception_ResNet_v2. The probability of identifying gabbro as diabase is 17%, and the probabilities of identifying black slate as volcanic breccia and dolomite are 10% and 2%,respectively.The identification acc of other types of rocks is higher than 90%, and 22 types of rocks are identified completely correct.

Fig.9c shows that for the microscopic image classification model based on Inception_v3, there is a 25% probability that gabbro is misidentified as diabase. The probability of misidentifying gabbro as diabase is 17%, and the probability of misidentifying conglomerate as siltstone is 12%. The identification acc of other types of rocks is higher than 90%, and 24 types of rocks are identified completely correct.

Fig.7. The convergence loss and accuracy curves in the testing dataset using Xception,Inception_ResNet_v2, Inception_v3, and Densenet121: (a) Loss and (b) Accuracy.

Fig. 8. The convergence loss and accuracy curves in the testing dataset using Resnet 101_v2, Mobilenet_v2, Resnet101: (a) Loss and (b) Accuracy.

For the microscopic image classification model based on MoblieNet_v2, as shown in Fig. 9d, there is a 40% probability that gabbro is misidentified as diabase. The probabilities of misidentifying black slate as granite pegmatite,andesite, and volcanic breccia are 8%, 2%, and 2%, respectively. The identification acc of other types of rocks is higher than 90%, and 16 types of rocks are identified completely correct.

Fig. 9e shows that, for the ResNet10-based microscopic image classification model, there is a 25% probability that gabbro is misidentified as diabase. The probability of misidentifying gabbro as diabase is 11%. The probabilities of misidentifying granite as syenite, volcanic breccia, and garnet granulite are 2%, 2%, and 13%,respectively.The probabilities of misidentifying granite pegmatites as syenite,volcanic breccia,and garnet breccia are 2%,2%,and 13%,respectively. The probabilities of misidentifying andesite as amygdaloidal basalt, shale, dolomite, serpentinized marble, and greisen are 6%, 2%, 30%, 2%, and 2%, respectively. The probabilities of misidentifying anorthosite as diorite porphyry, and garnet granuliteare 10% and 2%, respectively. The probabilities of misidentifying volcanic breccia as granite, syenite, black slate, garnet granulite,and quartzite are 2%, 6%, 4%, 2%, and 2%, respectively. The probability of misidentifying volcanic tuff as serpentinized marble is 24%.The probability of misidentifying conglomerate as peridotite or garnet granulite is 6%.The probabilities of identifying wormkalk as shale, garnet granulite, and serpentinized marble are 9%, 5%, and 20%, respectively. The probability of misidentifying serpentinized marble as garnet granulite is 19%. The identification acc of other types of rocks is higher than 90%, and eight types of rocks are identified completely correct.

Table 2 Test result of the seven classification models.

For the ResNet101_v2-based microscopic image classification model, there is a 21% probability that gabbro is misidentified as diabase, as shown in Fig. 9f. The probability of misidentifying gabbro as diabase is 23%. The probabilities of misidentifying volcanic breccia as granite, syenite, shale, dolomite, black slate, and garnet granulite are 19%, 2%, 2%, 4%, 6%, and 6%, respectively. The probabilities of misidentifying black slate as granite and syenite are 6% and 8%, respectively. The probability of misidentifying serpentinized marble as siltstone is 14%. The identification acc of other types of rocks is higher than 90%, and 10 types of rocks are identified completely correct.

Fig. 9g illustrates that, for the Xception-based microscopic image classification model, there is a 37% probability that gabbro is misidentified as diabase. The identification acc of other types of rocks is higher than 90%, and 23 types of rocks are identified completely correct.

Table 3 shows the average accuracy of microscopic image classification models based on Inception_ResNet_v2, Inception_v3,Densenet121, MobileNet v2, ResNet101 v2, ResNet-101, and Xception. The results show that Xception has the highest average acc and the accuracy for the overall model can reach 98.02%. Models based on Inception_ResNet_v2, Inception_v3, and Densenet121 perform well, with an average accuracy of 96.88%, 96.85%, and 94.75%,respectively.ModelsbasedonMobileNet_v2,ResNet101_v2, and ResNet-101 perform modest, with an average accuracy of 90.53%, 88.66%, and 89.18%, respectively. Again, these results show that Xception has the optimum identification ability on the rock microscopic image dataset used in this work among the seven models, with the highest accuracy and stability.

5. Discussion

Fig.9. The confusion matrices from different microscopic image classification models:(a)Densenet121;(b)Inception_ResNet_V2;(c)Inception_v3;(d)MoblieNet_v2;(e)ResNet-101; (f) ResNet101_V2 and (g) Xception.

Fig. 9. Continued.

Fig.10. The maximum accuracy of the lithology identification models.

Table 3 Result of the average accuracy of the seven classification models.

Because thin section identification usually depends on empirical methods, and experience is difficult to be described in mathematical language.It is difficult to judge which traditional image features play a universal role in lithology identification. Therefore, it is difficult to use traditional image processing methods to extract and reduce the dimension of microscopic features. Due to the rotation invariance and translation invariance of features, the CNN can adaptively form filters, which are sensitive to various key deep features in the learning process. Moreover, the CNN can fully consider the relationship between the local pixels of the image.Therefore, the CNN can better extract features and carry out downstream classification tasks than traditional methods.

Different CNNs have different performances on different datasets, which requires to consider all aspects simultaneously. In this paper, seven different CNNs are compared under the same hardware condition. The model based on Xception has the highest accuracy, with a fast calculation speed and appropriate scale.Compared with other models, Xception uses depth separable convolution that makes the CNN layer deeper but with the same parameters, thus maximizing the network efficiency and performance.During the training,the transfer learning method is used to speed up the convergence of gradient descent by loading the ImageNet pre-trained model. Finally, the model with low generalization error is obtained.

The identification of constituent minerals is fundamental to rock microscopic image identification. Some rocks contain similar mineral components and thus have similar microscopic manifestations.When using deep learning models for identification,the CNN maybe prone to insufficient extraction of features, and the extracted features may not be targeted. These factors can eventually lead to misidentification. For example, diabase and gabbro have a large probability to be misidentified with each other in all seven models.In addition,siltstone,black slate,volcanic breccia,and conglomerate can also be misidentified. The characteristics of rock constituent minerals can be further analyzed in future work.At present,we used common CNNs,and transformer-based deep learning models can be explored in future.In addition,considering the variety of rock types and the different compositions of minerals, the dataset of rock microscopic images can be expanded in future work.

6. Conclusions

We used rock microscopic images as the research object, and combine the image identification technology with lithology identification. The main conclusions can be drawn as follows:

(1) An intelligent lithology identification method is proposed using deep learning of rock microscopic images. The Xception, MobileNet_v2, Inception_ResNet_v2, Inception_v3,Densenet121, ResNet101_v2, and ResNet-101 are used to establish the microscopic image classification models, and rapid intelligent lithology identification can be realized.

(2) In terms of accuracy,the Xception-based model is compared with six other models. The Xception model has the highest accuracy of 98.65% and an average accuracy of 98.02%. In terms of the identification speed and model size, the Xception-based model is of medium size, and the fps of Xception can reach 50.76, indicating high identification speed.

(3) Transfer learning and data augmentation are used to expand the data set, which helps optimize the training speed.Compared with traditional methods, this method has a better ability to extract features.Without preprocessing images,the lithology identification process can be greatly simplified.

Declaration of competing interest

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

Acknowledgements

We would like to appreciate the financial support from the National Natural Science Foundation of China (Grant Nos.52022053 and 52009073), the Natural Science Foundation of Shandong Province (Grant No.ZR201910270116).

主站蜘蛛池模板: 久久久受www免费人成| 国产成人区在线观看视频| 天堂岛国av无码免费无禁网站| 欧美a√在线| 亚洲免费播放| 国产日本欧美亚洲精品视| 999国产精品永久免费视频精品久久| 奇米影视狠狠精品7777| 激情综合婷婷丁香五月尤物| 激情国产精品一区| 免费在线色| 亚洲国产天堂久久综合| 国产一在线| a级高清毛片| 久久亚洲高清国产| 免费jizz在线播放| 亚洲天堂色色人体| 丁香婷婷激情综合激情| 国产极品嫩模在线观看91| 日韩AV无码免费一二三区| 看你懂的巨臀中文字幕一区二区| 无码专区国产精品第一页| 日韩无码一二三区| 国产精品无码一区二区桃花视频| 女人av社区男人的天堂| 丁香五月激情图片| 色婷婷狠狠干| 手机在线免费毛片| 亚洲色图欧美激情| 十八禁美女裸体网站| YW尤物AV无码国产在线观看| 亚洲永久视频| 视频在线观看一区二区| 亚洲日本中文综合在线| 色香蕉影院| 亚洲女同一区二区| 一级毛片网| 国产精品成人免费综合| 四虎国产精品永久在线网址| 波多野结衣视频网站| h视频在线播放| www.亚洲一区| 深夜福利视频一区二区| 精品国产aⅴ一区二区三区| 久久久久青草大香线综合精品| 欧美日韩中文字幕在线| 国产亚洲一区二区三区在线| 国产人前露出系列视频| 亚洲性视频网站| 国产无码高清视频不卡| 国产精品林美惠子在线观看| 亚洲日韩在线满18点击进入| 九九热视频精品在线| 香蕉eeww99国产在线观看| 欧美精品在线视频观看| 亚洲欧美在线看片AI| 亚洲综合九九| 亚洲毛片网站| 91在线播放国产| 亚洲丝袜第一页| 国产欧美在线| 女人18毛片一级毛片在线 | 国产精品浪潮Av| 亚洲天堂自拍| …亚洲 欧洲 另类 春色| 97成人在线观看| 精品无码国产一区二区三区AV| 凹凸国产熟女精品视频| 亚洲一区二区约美女探花| 中文字幕亚洲电影| 少妇被粗大的猛烈进出免费视频| 一本大道视频精品人妻 | 婷婷六月综合| 日本道中文字幕久久一区| 亚洲婷婷丁香| 免费又爽又刺激高潮网址| 亚洲中文无码av永久伊人| 精品国产福利在线| 亚洲综合在线网| 国产爽爽视频| 青青草一区| a亚洲视频|