Next Article in Journal
Indirect Measurement of Rotor Dynamic Imbalance for Control Moment Gyroscopes via Gimbal Disturbance Observer
Next Article in Special Issue
Improved Visualization of Hydroacoustic Plumes Using the Split-Beam Aperture Coherence
Previous Article in Journal
Reproducible Molecularly Imprinted Piezoelectric Sensor for Accurate and Sensitive Detection of Ractopamine in Swine and Feed Products
Previous Article in Special Issue
Design of Sparse FIR Decision Feedback Equalizers in MIMO Systems Using Hybrid l1/l2 Norm Minimization and the OMP Algorithm
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Case Study on Attribute Recognition of Heated Metal Mark Image Using Deep Convolutional Neural Networks

1
College of Software, Northeastern University, Shenyang 110004, China
2
Shenyang Fire Research Institute, Ministry of Public Security, Shenyang 110034, China
*
Author to whom correspondence should be addressed.
Sensors 2018, 18(6), 1871; https://doi.org/10.3390/s18061871
Submission received: 21 April 2018 / Revised: 4 June 2018 / Accepted: 4 June 2018 / Published: 7 June 2018
(This article belongs to the Special Issue Sensor Signal and Information Processing)

Abstract

:
Heated metal mark is an important trace to identify the cause of fire. However, traditional methods mainly focus on the knowledge of physics and chemistry for qualitative analysis and make it still a challenging problem. This paper presents a case study on attribute recognition of the heated metal mark image using computer vision and machine learning technologies. The proposed work is composed of three parts. Material is first generated. According to national standards, actual needs and feasibility, seven attributes are selected for research. Data generation and organization are conducted, and a small size benchmark dataset is constructed. A recognition model is then implemented. Feature representation and classifier construction methods are introduced based on deep convolutional neural networks. Finally, the experimental evaluation is carried out. Multi-aspect testings are performed with various model structures, data augments, training modes, optimization methods and batch sizes. The influence of parameters, recognitio efficiency and execution time are also analyzed. The results show that with a fine-tuned model, the recognition rate of attributes metal type, heating mode, heating temperature, heating duration, cooling mode, placing duration and relative humidity are 0.925, 0.908, 0.835, 0.917, 0.928, 0.805 and 0.92, respectively. The proposed method recognizes the attribute of heated metal mark with preferable effect, and it can be used in practical application.

1. Introduction

With the rapid development of construction industry and material technology, metal components are widely used in modern architecture and domestic appliance. Generally, metal components are nonflammable and can be retained after the fire. When being heated, complex physical and chemical changes happened on the metal component. Consequently, various marks are left on the surface of the metal component. The heated metal mark is influenced by attributes of heating temperature, heating duration, heating mode, cooling mode, etc. The oxidation reactions on surface of metal are different with various attribute conditions. These attributes of heated metal marks are useful clues to locate the fire point, and then the source and situation of fire could be further analyzed. The scene of the fire is very complicated and cannot reappear. Therefore, it is a better way to recognize or classify attributes of heated metal through observing its marks image.
Table 1 gives the inspection methods for trace and physical evidences from fire scene (a National standard of People’s Republic of China) [1]. It includes relationship between color of heated metal mark and heating temperature. It should be noted that the color range of metal is determined by human expert. According to the standard, Ying Wu et al. utilized metal oxidation theory to analyze the relation between color of metal surface and its heating temperature. When heating temperature approaches or exceeds melting point, the metallographic organization significant changed [2,3]. Zejing Xu and Yupu Song proposed a method to record attributes value of object surface by means of macro-inspection and micro-analytical. Then fuzzy mathematics was adopted to establish temperature of building component [4]. Dadong Li and Tengyi Yu analyzed the changes in the surface of Zn-Fe alloy with different temperature and heating duration. By using stereo microscope and electron microscope, they found that chemical composition and organization structure were changed and these leaded to the color change on the surface of metal [5].
It can be seen that traditional methods for this problem are mainly based on the knowledge of physics and chemistry for qualitative analysis. However, it is usually unpractical to implement and with less automation. This paper takes another point of view, completely relies on computer vision and machine leaning technologies. The attributes of heated metal are modeled and analyzed by data-driven mode and intelligent recognition method is devised.
Image recognition is a classical problem in computer vision and machine learning fields. With annotated training dataset, supervised learning or unsupervised learning method can be adopted. It has two main steps. First, features are extracted from training images. Second, classifier models are trained with feature vectors and corresponding attribute labels.
Image feature representation is a key research field and many works have been reported. Before the year 2012, mainstream methods for image feature extraction and representation are based on hand-craft features by experienced scientist and engineer. Image local feature extraction and representation algorithms are designed to deal with content translation, scale variant, rotation, illumination and distortion, as much as possible. Local image descriptors are then transformed into feature vectors, and global image feature representation is aggregated with all local feature vectors. Some representative researches are introduced in the following statements. David Lowe proposed S I F T (scale invariant feature transform descriptor) [6,7]. It was computed from the pixel intensity around a specific interest point in image domain. A S I F T descriptor was encoded with 4 × 4 × 8 = 128 dimensions for each interest point. Dalal and Triggs developed an image local descriptor H O G (histograms of oriented gradients) which was computed from a group of gradient orientation histograms within subregions [8]. The dimension of H O G descriptor was determined by the number of cells per block, the number of pixels per cell and the number of channels per cell histogram. The S U R F  (speeded-up robust features) descriptor proposed by Bay et al. was closely related to the S I F T [9]. The main difference was that S U R F was computed based on H a a r wavelets and the interest point was determined based on approximations of scale-space extrema of the determinant of the Hessian matrix. S U R F had better computational efficiency. G a b o r f i l t e r was a linear filter that commonly used in image texture analysis [10,11]. A classical 2D G a b o r f i l t e r in spatial domain can be seen as a sinusoidal plane wave modulated by Gaussian kernel, and whether there were any specific frequency content with the specific directions in a localized region of an image can be estimated. L B P  (Local binary patterns) was another powerful feature descriptor for image classification [12]. It was computed based on comparison between a pixel with each of its 8 neighbor pixels. It defined an 8-digit binary number in clockwise or counter-clockwise orientation. The frequency of each binary number was computed and the final feature vector was represented by accumulating all cells in a region. Moreover, various improvement versions of these local feature descriptors were proposed constantly.
Image global descriptor is then represented based on these local feature descriptors. B o V W  (bag of visual words) model was one of most widely adopted methods [13]. First, visual words were gained by clustering all local feature vectors and visual vocabulary was comprised of all visual words. Then each local patches of an image can be mapped to a visual word and the whole image was represented by the histogram of the visual word frequency. One disadvantage of original B O V W model was that it lacked spatial relationship of image content. Kristen Grauman and Trevor Darrell proposed S P M  (spatial pyramid matching method) [14]. S P M treated an image as multi-resolutions, and it generated histograms by binning data points into discrete regions of different size. Thus, features that did not match at high resolutions can also be matched at low resolutions. V L A D (Vector of Locally Aggregated Descriptors) [15] and F V  (Fisher Vector) [16] methods were presented that based on encoding the first and second order statistics of feature vector. They not only increased classification performance, but also decreased the size of visual vocabulary and lowered the computational effort.
With the global image feature representation, metrics between high dimension feature vectors are used to measure difference between images object. S V M  (Support vector machine) was the most widely used classifier training method [17]. It treated features as points in high dimensional space and mappings was conducted that the examples of the separate categories were divided by hyper-planes which was forced as wide as possible.
Many public available image benchmark datasets were provided to speed up the technology development with large size labeled training samples. I m a g e N e t and C O C O were the two most famous sets. I m a g e N e t was first opened by Jia Deng et al. in the year 2009 [18]. It contained at least 14 million images and covered over 20,000 categories. Microsoft C O C O dataset was opened in 2014 and with a total of 2.5 million labeled instances in 328,000 images [19]. These datasets not only provided large size labeled images, but also provided platforms for comparison of different algorithms based on the unified standards.
Recently, deep learning has scored great success in machine learning field especially for image classification [20]. It is also called deep structured learning or hierarchical learning and essentially it is a special form of neural network. It uses a cascade of multiple layers of nonlinear processing units for feature transformation and extraction. The main advantages of deep learning are: (1) Feature extraction in deep level. It generates compositional models where the object is expressed as a layered composition of primitives; and (2) efficient parameter adjustment. The parameters in deep model for feature extraction are tuned based on training data and loss function completely automatic. Yan LeCun designed a small scale convolutional neural networks, L e N e t , with the purpose of recognizing handwritten mail ZIP code [21,22]. A medium scale deep convolutional neural networks, A l e x N e t , proposed by Krizhevsky and Hinton won the I m a g e N e t competition by a significant margin over traditional methods [23]. In the next few years, several more powerful models were proposed. Z F N e t , V G G N e t , G o o g l e N e t and R e s N e t won the I m a g e N e t image classification competition successively [24,25,26,27]. R e s N e t achieved an excellent top-5 error performance with 3.57 % and outperformed humanity for the first time.
According to our knowledge, there is no researches focus on our problem. Some most relevant works are reviewed. A rail surface defects type detection method was proposed [28]. It constructed a deep network with three convolutional layers, three max-pooling layers and two fully connected layers. Twenty-two thousand four-hundred eight object images were manually labeled. Using the larger network and 90% percent data for training, 92.47% multi-class accuracy was obtained. A bearing fault diagnosis algorithm was introduced based on ensemble deep networks and an improved Dempster–Shafer theory [29]. Models used in this work was a smaller one with 3 convolutional layers and 1 fully connected layer. This fusion model combined multiple uncertain evidences and computed the result through merging consensus information and excluding conflicting information. Ten thousand image samples were used for training and 2500 image samples were used for testing. With fusion and ensemble, it gained 98.72% performance for 10-type fault type classification. A deep learning-based method was proposed for characterization of defected areas in steel elements with utilization of a magnetic multi-sensor matrix transducer and integration of data [30]. In this method, three united architectures for multi-label classification were used for evaluation of defect occurrence, rotation and depth. Basiclly, this model contains three convolutional layers, three max-pooling layers and one fully connected layer. Thirty-five thousand simulated data samples were generated. Data used for training and testing was set with a ratio of 85:15. A surface defects classification method was proposed for hot-rolled steel sheet [31]. The network contained seven layers, and eight surface defects were defined. There were 14,400 samples for the whole dataset and 1800 samples for each type. Ninety-four percent accuracy was obtained with 5/9 data for training. A damage detection method of civil infrastructure was designed [32]. The model contained three convolutional layers, three pooling layers and one fully connected layer. The images were divided into small patches, and were manually annotated as crack or intack. The dataset contained 40,000 samples, and 90 % used for training. 98.22 % accuracy performance was obtained with sliding windows. A F a s t e r r- c n n -based method was used for structural surface damage detection [33]. 5 types of surface damage were defined as concrete cracks, steel corrosion (medium and high levels), bolt corrosion, and steel delamination. Z F N e t was used as the backbone network. Two-thousand three-hundred sixty-six image samples were collected as the dataset. This model achieved a 87.8% accuracy with 2.3:1 proportion of training and testing samples. A multilevel deep learning model was proposed for surface defect and crack detection inside steel box girder [34]. This model included three bypass to concatenate the final feature representation. Three types, including crack sub-image, handwriting sub-image, background sub-image were defined. Raw images were obtained by common digital camera. After division, 67,200 sub image samples were generated. With 80% dataset for training, 95% mean accuracy precision was obtained. Moreover, the effects of super-resolution inputs were also investigated. These related works made similar studies to the proposed one. However, these methods usually adopted relatively simple models and the state-of-art deep learning models were not concerned. The training and optimization procedure were not demonstrated clearly. Based on these points, we carry out our research.
This paper presents a case study on heated metal attribute recognition by deep convolutional neural networks model. There are three important stages: (1) Material construction stage. Attributes of heated metal are first defined as needed. Then the procedure of raw image data generation is designed, including material type, heating mode, cooling method and capture device, etc. Benchmark dataset is finally organized; (2) Model training stage. Deep convolutional neural networks models used in this work are introduced, including basic structure, top models structure and useful technologies; (3) Experimental evaluation stage. Experiments and analysis are carried in many aspects, including performance on different models, parameters setting, data augment, model convergence, recognition efficiency and execution time. Figure 1 gives the whole framework of this study.
The main contributions of this paper are threefold:
  • Deep convolutional neural networks models are adopted to recognize attribute of heated metal based on its marks image;
  • The material benchmark dataset is completely new designed and generated;
  • Extensive experimental evaluations and analyses are carried out.
The rest of this paper is organized as follows. Section 2 presents the materials generation. Section 3 describes the methodology. Experimental evaluation and analysis are given in Section 4. Section 5 concludes this paper.

2. Materials Generation

Since there are no benchmarks in related fields, dataset for training and testing is constructed in this work. This section includes attributes definition, raw image generation and benchmark dataset construction.

2.1. Attribute Definition

According to the conditions defined in National standard of People’s Republic of China GB/T42327905.3-2011 (inspection methods for trace and physical evidences from fire scene—Part 3: Ferrous metal work) [1], the heating temperature of metal is the the most important factor. In addition, other important factors are also covered for practical demands. Therefore, metal types, heating mode, heating temperature, heating duration, cooling mode, cooling humidity and placing duration are used as basic attributes which we want to recognize from heated metal mark image. The attributes are configured as follow:
  • M e t a l t y p e . This attribute indicates the type of heated metal in the fire scene;
  • H e a t i n g m o d e . This attribute indicates heating source and form;
  • H e a t i n g t e m p e r a t u r e . This attribute indicates the temperature degree of the metal that being heated;
  • H e a t i n g d u r a t i o n . This attribute indicates the duration time of the metal that being heated;
  • C o o l i n g m o d e . This attribute indicates the method of the heated metal that being cooled;
  • C o o l i n g h u m i d i t y . This attribute indicates the humidity degree when the heated metal that being cooled;
  • P l a c i n g d u r a t i o n . This attribute indicates the duration time of the heated metal that being cooled.
For each attribute, its value ranges considered in this study are detailed described in Table 2. For simplicity, attribute i is abbreviated as a i in the subsequent sections.

2.2. Raw Image Generation

Two widely used metal materials, galvanized steel and cold rolled steel, are selected as research objects. The metal plate is first cut to equal size (length = 1.0 cm, width = 1.0 cm, thickness = 1.0 mm). This guarantees the consistency of the experimental conditions. Three devices, a vacuum resistance furnace, muffle furnace and gasoline burner, are used to heat metals for simulating three different heating scenes. Figure 2a–c demonstrate the three devices respectively. After heating to a specific temperature ( a 3 ) and duration time ( a 4 ), the metals are placed in a test chamber, as shown in Figure 2d. The test chamber provides constant temperature and humidity, so attributes of cooling mode ( a 5 ), placing duration ( a 6 ) and relatively humidity ( a 7 ) can be employed. To exhibit better appearance feature of sample images, we do not use traditional camera, instead a special purpose microscope is used to capture the heated metal mark image, as shown in Figure 2e.

2.3. Benchmark Dataset Construction

According to the conditions and processes set up above, independent productions are conducted. The image sample is captured with a resolution of 2152 × 1616 pixels. Each heated metal mark image sample is labeled with 7 attribute values as illustrated in Table 2. Image samples are demonstrated in Figure 3, and totally there are 900 image samples. Based on the generated image dataset with attribute label values, this work makes a case study to analysis and construct relations between heated metal mark image and its attributes based on computer vision and deep convolutional neural networks model.

3. Methodology

In this study, we want to design a model that can predict metal attribute based on its mark image. The basic formation can be written as Equation (1). x denotes a heated metal mark image. y is the attribute value estimated by a classifier model f ( ) . In the following, basic structures of convolutional neural networks, top CNNs models, useful techniques and pesudocode are explained.
y = f ( x )

3.1. Basic Structures in CNNs

CNNs (Convolutional neural networks) are a special form of neural network, and proved to be the most powerful model for computer vision, especially for image classification and object detection [20]. Classical CNNs are composed of three principle layers, the convolutional layer, pooling layer and fully connected layer, respectively.

3.1.1. Convolutional Layer

The convolutional layer is the core building block of CNNs. It contains a set of trainable filters. Typically, the filter slides over the image spatially, and the final feature map is computed by convolution operation (dot product operation) across the whole image. Equation (2) gives the basic convolution operation. The convolution is an elementwise multiplication and sum of a filter in local image region. c o n f e a t u r e [ i , j ] , c [ i , j ] and I [ i , j ] represent convolution result, convolution filter kernel and image at indices i and j. The height and width of filter kernel is denoted by l. After convolution, there is always an activation operation for model simulation and optimization. Equation (3) gives the ReLU (Rectified linear units) function, one of the most popular activation function for CNNs [35]. z means the result of convolution. r ( z ) denotes the activation value and all the activation results constitute the feature map.
c o n v f e a t u r e [ x , y ] = u 1 = l u 1 = l u 2 = l u 2 = l c [ u 1 , u 2 ] I [ x u 1 , y u 2 ]
r ( z ) = m a x ( 0 , z )
Figure 4 demonstrates the basic convolution operation of an image. Let the input image be set with 32 × 32 pixels and with RGB channels. It can be represented as a formation of 32 × 32 × 3 matrix. If there are 6 filters with size 5 × 5 × 3 , then 6 separate activation feature maps with a stack of size 28 × 28 × 6  (with ReLU activation function, no padding, 1 pixel stride) are computed.
Ideally, one filter corresponds to a specific feature. The advantage of convolutional layer is that the local structure of an image can be captured and the parameter of a filter can be shared.

3.1.2. Pooling Layer

The aim of pooling layer is to reduce the dimension of a feature map while the important feature can also be retained. It makes the feature representation smaller and more compact. The result of pooling layer is shown in Figure 5a. The basic operation of pooling is to slide a window with specified size and stride on a feature map, and the corresponding value is computed by m a x or m e a n operation inside the window, as is shown in Figure 5b. Pooling layer decreases the scale of feature map and the subsequent computation is also reduced. Moreover, pooling also reduces the number of parameters, and makes the model invariant to transformation, distortion, translation and scale change.

3.1.3. Fully Connected Layer

A fully connected layer can be seen as a traditional multi-layer perceptron. Fully connected means all nodes in the previous layer are connected with all nodes of the next layer. It has two basic effects: (1) fully connected layer is another way of learning non-linear combination between features of different depth; (2) it can be used as output layer that the last feature map will be transformed into classification result with full connection. In this way s o f t m a x activation function is usually adopted.
Figure 6 demonstrates the fully connected layer. As shown in the figure, an image is used as an input of CNNs model. Layer m 1 and layer m are two continuous hidden layers, which are fully connected. Meanwhile, there are two nodes in the output layer, which represents 2 attribute values of metal type that the model predicted.

3.1.4. Loss Function and Model Training

Let { ( x 1 , y 1 ) , ( x 2 , y 2 ) , , ( x m , y m ) } denote the training image data set. x i denotes the heated metal marks image with size w × h × c , where w, h and c denote the width, height and channel of input image. y i { 0 , 1 , , n } is attribute label value.
For an input heated metal marks image sample data x i , we want to compute the probability value p ( y = j | x i ) ( j 0 , 1 , , n ) . The output, a n-dimensional vector is estimated to represent the probability of each attribute type that x i belongs to. The hypothesis function can be expressed as Equation (4).
h θ ( x i ) = p ( y i = 0 | x i ; θ ) p ( y i = 1 | x i ; θ ) p ( y i = n | x i ; θ ) = 1 j = 0 n ϵ θ j T x i ϵ θ 0 T x i ϵ θ 1 T x i ϵ θ n T x i
where θ = { θ 0 , θ 1 , , θ n } is the model parameters. θ i is the parameter that belongs to ith predicted attribute. This equation normalizes the result and makes the sum to 1. For model training, the loss function can be given as follows:
J ( θ ) = 1 m i = 1 m j = 0 3 1 { y i = j } l o g ϵ θ j T x i l = 0 3 ϵ θ l T x i + λ 2 | | θ | |
As shown in Equation (5), formula 1 { . } represents an indicative function, and the second part is a commonly used term for model regularization. Loss function usually indicates the difference between predicted attribute label and true attribute label values. The goal is to make the loss function minimal. SGD (stochastic gradient descent) method is used for optimization and the corresponding derivative functions are given as Equations (6) and (7).
θ j J ( θ ) = 1 m i = 1 m x i ( 1 { y i = j } p ( y i = j | x i ; θ ) ) + λ θ j
p ( y i = j | x i ; θ ) = ϵ θ j T x i l = 0 3 ϵ θ l T x i

3.2. Top CNNs Models

In this subsection, some state-of-art CNNs models used in our study are introduced.

3.2.1. VGGNet

V G G N e t was introduced by Karen Simonyan and Andrew Zisserman in Visual Geomrtry Group, University of Oxford [25]. This work first explored the feasibility of increasing the depth of CNNs model with very small convolution filters ( 3 × 3 receptive field and up to 19 weight layers) for large scale image classification task. The performance on the I m a g e N e t challenge demonstrated the effectiveness of V G G N e t model.

3.2.2. ResNet

Kaiming He et al. proposed R e s N e t in Microsoft Research [27]. This model focused on training extreme deeper networks. For solving the problem of gradient vanishing, a residual learning framework was devised. The weight layers were computed by addition with traditional stacked layer and a shortcut connection perform identity mapping. The deep residual model stacked basic building block of residual learning and made the model extremely deep (up to 152 layers). The experimental results on the I m a g e N e t dataset demonstrated that the seemingly simple technique make the extremely deep model easier to optimize. It gained 1st place on the I L S V R C 2015 classification task while it still had lower complexity.

3.2.3. Inception

This model was first introduced by Christian Szegedy et al. in Google Inc. [26]. It increased both the depth and width of the network while keeping the model computational budget constant based on Hebbian principle and multi-scale process. They devised the Inception block as a new organization. The filters were multiple scales( 1 × 1 , 3 × 3 and 5 × 5 ). 1 × 1 convolutions were used as bottleneck to reduce high dimension. A 22 layers deep network was finally constructed by stacking these Inception modules. This model was referred as I n c e p t i o n - v 1 .
Sergey Ioffe and Christian Szegedy referred to the problem of internal covariate shift in deep CNNs model training [36]. They addressed it by normalizing the input of each layer. This enabled training with much higher learning rates and cared less about parameter initialization. This model was called I n c e p t i o n - v 2 .
Christian Szegedy and Vincent Vanhoucke explored to scale up networks in order to utilize the added computation as efficient as possible by suitably factorized convolutions and aggressive regularization [37]. A highest quality version of I n c e p t i o n - v 3 was designed with better performance.
Christian Szegedy and Sergey Ioffe et al. combined the I n c e p t i o n architecture and R e s i d u a l connections [38]. The empirical results clearly showed that the new model accelerate the network training significantly and outperformed the traditional I n c e p t i o n model in performance. This new model was referred as I n c e p t i o n - v 4 .

3.2.4. Mobilenet

Aiming at deploy deep learning model into computationally limited platform such as mobile and embedded systems, Andrew G. Howard and Menglong Zhu et al. proposed M o b i l e N e t s [39]. Depth-wise separable convolutions were introduced to build light weight deep neural networks. Trade off between model latency and accuracy were considered. While, according to the constraints of the problems, model size could be adjusted automatically.

3.3. Useful Technique

Here we introduce some useful techniques used for the training and optimization of deep learning models.

3.3.1. Dropout

Deep convolutional neural networks usually contains a huge number of parameters, and it is prone to model overfitting. Dropout is a technique that a node is dropped out with probability of 1 p or kept with probability p. Only the retained nodes are trained. All dropped out networks are averaged in testing stage. This method essentially cuts node interactions, and makes the model learn better feature representation that can generalize new data. Dropout does not just decrease model overfitting, but also improve training efficiency [40].

3.3.2. Data Augment

Most applications are faced with the problem of lacking sufficient training data, which is a key point for training large scale deep learning models. Data augment is a widely used method to generate new data with perturb existing one [41,42]. This method can provide more training data, reduce overfitting and improve generalization to a certain extent.

3.3.3. Pre-Trained Model

Another way to manage insufficient training data is to use an existing model for initialization. Loading these parameters into the network and start to train a new one [43]. The p r e - t r a i n e d models are often trained with other large dataset of related domains or in-domains.

3.4. Pseudocode

In this subsection, Algorithm 1 is given to demonstrate the pseudocode of the proposed method. Given T r a i n s e t , T e s t s e t and initialized model parameter θ . A batch of sample images is random selected from T r a i n s e t . After augment, the model is trained once with S and parameter θ is updated. Loss L is computed based on T e s t s e t . If L is less than ϵ or iteration counter i exceeds predefined thresholds N, training is over.
Algorithm 1 Pseudocode of the proposed method.
Input: T r a i n s e t , T e s t s e t , Initialized model parameter θ
Output: Optimized model parameter θ
 1: Loss L = 1, iteration number = N, counter i = 0, Loss threshold ϵ ;
 2:  while ( i > n ) and ( L < ϵ ) do
 3:   random select a batch of samples S from T r a i n s e t ;
 4:   S = a u g m e n t ( S ) ;
 5:   θ = T r a i n ( θ ; S ) ;
 6:   L = T e s t ( θ ; T e s t s e t ) ;
 7:   i++;
 8:  end while
 9:  θ = θ ;
 10:  return θ ;

4. Experimental Evaluations

4.1. Experiment Setup

The generated benchmark dataset is used to evaluate the performance of heated metal mark attributes recognition, with deep convolutional neural networks models described in the above sections. In this case study, seven groups attributes of heated metal mark are considered. Each group of attributes are tested independently. P y t h o n is used as programming language. T e n s o r f l o w is adopted as deep learning framework and K e r a s is selected as the library. All the experiments are tested on P e n t i u m i5-7 series CPU, 16G RAM, N v i d i a G T X 1070 GPU, U b u n t u OS PC.
The experiments include the following aspects: (1) Evaluation of recognition rate with cross validation; (2) Evaluation of recognition efficiency; (3) Evaluation of different optimization method; (4) Evaluation of different batch size; (5) Evaluation of execution time.

4.2. Evaluation of Recognition Rate with Cross Validation

The recognition performance is evaluated independently for different attributes. Therefore, there are 7 groups of testing. The performance of heated metal mark image attribute recognition is computed with overall recognition rate, as shown in Equation (8). N c o r r e c t denotes the number of correctly recognized samples. N a l l denotes the number of all testing samples. For each attribute, the dataset is divided into 5 subsets with attribute values equally distributed. 4 randomly chosen subsets (720 image samples) are used for training and the left subset (180 image samples) is used for testing. This process is repeated 4 times and the result is computed by averaging 4 independent testings.
R e c o g n i t i o n R a t e = N c o r r e c t N a l l
I n c e p t i o n - v 4 , I n c e p t i o n - v 3 , R e s N e t , V G G 16 and M o b i l e N e t are selected as basic CNNs architectures for evaluation. Factors of p r e - t r a i n e d model and data augment are considered. In this subsection, the p r e - t r a i n e d models are trained with COCO dataset [19]. If the p r e - t r a i n e d models are used for initialization, the parameters of low-level layers are fixed and the rest parameters are trainable. If the p r e - t r a i n e d models are not used for initialization, parameters of all layers are trainable. For data augment, commonly used transformations include random cropping, vertical and horizontal flipping, perturbation of brightness, saturation, hue and contrast are adopted. If the model is trained with data augment, 40% of training image in each batch are augmented, otherwise the probability is 10%. For model input, image size is set with 224 × 224 × 3 pixels. E p o c h s is set with 20 and batch size is set with 12. S G D is used as preferred optimization method. L e a r n i n g r a t e is set with 0.0001 and m o m e n t u m is set with 0.9. D r o p o u t is set with 0.2.
The results of average recognition performance are shown in Table 3. Configurations of CNNs models, p r e - t r a i n e d model and data augment are listed in 1st, 2nd and 3rd columns respectively. The experiments are conducted under various condition combinations. a i means i t h attribute. t r a i n a and t e s t a denote recognition rate of training and testing. For convenience, N e t M o d e l ( p 1 , p 2 ) is used to represent the model structure and parameters. N e t M o d e l { I n c e p t i o n - v 4 , I n c e p t i o n - v 3 , R e s N e t , V G G 16 , M o b i l e N e t }. p 1 and p 2 are parameters for p r e - t r a i n e d and data augment. p i { 0 , 1 } , where 0 stands for off and 1 stands for on. For example, V G G 16 ( 0 , 1 ) means the model is trained with V G G 16 structure, with p r e - t r a i n e d off and with data augment on.
For training performance, most models(with various configurations) finally reach 0.9 accuracy, and some are close to 1. Meanwhile, the training accuracy achieves stability after about 10 epochs for all attributes. The results demonstrate that the training accuracy for a 1 to a 7 are fine and acceptable. This is mainly because the CNNs models have relatively large scale, and with the significant ability of feature abstraction they get great recognition performance on training dataset. These results are similar with other research reports.
For testing performance, the experimental results show that I n c e p t i o n - v 4 (0,1) model gets top-1 performance on a 1 , with a value of 0.92. For a 2 , I n c e p t i o n - v 4 (0,1) model gets top-1 result, with a value of 0.90. For a 3 , I n c e p t i o n - v 4 (0,1) and R e s N e t (0,1) models get better results, with values of 0.83. For a 4 , I n c e p t i o n - v 3 (0,1) gets top-1 result, with a value of 0.92. For a 5 , I n c e p t i o n - v 4 (0,1) and I n c e p t i o n - v 3 (0,1) models get better results, with values of 0.92. For a 6 , I n c e p t i o n - v 4 (0,1) and V G G 16 (0,1) models get better results, with values of 0.78. For a 7 , I n c e p t i o n - v 4 (0,1), M o b i l e N e t (0,1) and I n c e p t i o n - v 3 (0,1) models get better results, with values of 0.91.
However, there are significant differences in testing accuracy versus epoch. Large fluctuations are shown especially on a 2 , a 4 and a 7 in our experiments. This also reveal that different training modes have great influence on increasing the testing accuracy of models. Models with configuration (0,1) obtain better testing accuracy for all attributes. Unlike researches of other image recognition field that using p r e - t r a i n e d model can get better optimization, the experimental results in our study show divergences that heated metal mark image attribute recognition with p r e - t r a i n e d off gets best performances. The main reasons are that heated metal mark image is a very special research object, and there is large gap from the common image dataset, so the filters provided by p r e - t r a i n e d model obtained with common image dataset do not have much impact on our study. I n c e p t i o n - v 4 outperforms other models on recognition performance demonstrates superiority of combining I n c e p t i o n and R e s i d u a l . The result also shows that models with data augment can improve performance effectively. This is reasonable for training data with certain augment can increase the diversity of sample and model robust can be improved. It is especially important for large scale CNNs for its huge parameters are prone to overfitting with insufficient training data. However, among all tests only a small group of models achieve good convergence. The reason for this situation may originate from the complexity of this study, including uncertain noisy generated in process of training image generation or unsuitable attribute values definition. This can be solved by detailed model design and more careful tuning.

4.3. Evaluation of Recognition Efficiency

In this subsection, individual class recognition efficiency η i , average recognition efficiency η a and the overall recognition efficiency η o are evaluated, which are defined in [44]. q i j is the number of samples of class i that was classified into class j. n c is the total number of classes and N is the total number of samples, as shown in Equations (9) and (10).
η i = q i i j = 1 n c q i j
η a = i = 1 n c η i n c
Table 4 gives the recognition efficiency of 5 different deep learning models. For convenient evaluating, all models are configured with (0,1). The results show that I n c e p t i o n - v 4 gets optimal performance than other models which is coincide with results of Section 4.2. Moreover, individual efficiency η i has low variance and it also proves the stability of the model.

4.4. Evaluation of Optimization Method

In this subsection, performance of different optimization methods, A d a m , A d a g r a d and S G D are evaluated. For comparison, I n c e p t i o n - v 4 (0,1) is used as basic CNNs model structure, and other parameters are the same as Section 4.2.
For the training process, A d a m and S G D get better results on attributes a 1 , a 2 , a 3 , a 5 , a 7 . S G D gets best result on attributes a 4 and a 6 . While, A d a g r a d gets worst result on all attributes. For the testing process, the results are the same as the training process. This phenomenon may be originated from the reason that S G D is simple but always works well for most tasks, and A d a m and A d a g r a d are more fragile in our study and it may needs more complex tuning.

4.5. Evaluation of Batch Size

Batch size is another important factor for training CNNs model. In this subsection, performance of different batch sizes, 8, 12, 16, 24 and 32 are evaluated. For comparison, I n c e p t i o n - v 4 (0,1) is used as basic CNNs model structure, and other parameters are the same as Section 4.2.
For training process, models with batch size = 8 convergences slow, especially on attributes a 1 , a 2 and a 4 . Models with batch size = 12, 16, 24, 32 get good results. For testing process, we can see that large batch size leads to better model training and generalization. Comparing with models trained in Section 4.2 (batch size = 12), the performances of models trained with batch size = 32 are improved with 0.5%, 0.8%, 0.5%, 0.7%, 0.8%, 2.5%, 0.9% for attributes a 1 to a 7 respectively. There is obvious performance enhancement for attribute a 6 , while there are not much improvements for other attributes.

4.6. Evaluation of Execution Times

In this subsection, model execution time is evaluated. Training and testing time of 5 deep leaning models with various batch sizes (8, 12, 16, 24 and 32) are tested. Table 5 shows that V G G 16 model cost the most execution time, with 2.67s, 3.05 s, 3.33 s, 3.67 s and 4.33 s for batch size of 8, 12, 16, 24 and 32 for each training iteration. M o b i l i N e t s gets the least execution time, with about 60% of V G G 16 ’s. I n c e p t i o n - v 4 is the preferred model for its excellent performance and acceptable cost. For testing time, M o b i l i N e t s has the minimal cost, 0.031s. Moreover, trade off is feasible according to diverse needs.

5. Conclusion and Future Works

Heated metals are usually retained at the fire scene, and their mark can be used as an important trace for fire analysis. Traditional methods recognize attribute of heat metal mark mainly depend on human expert with knowledge of physics and chemistry. This makes the work very difficult to popularize and automate. This paper makes a case study on heated metal mark image attribute recognition based on convolutional neural networks. The benchmark dataset for training and testing is designed. For seven selected attributes, various CNNs architectures, parameters, training mode, recognition efficiency and execution time are evaluated and analyzed. One of the greatest advantages of this work is that the feasibility of attribute recognition on heated metal mark image based on top CNNs models is studied. Through the study, we can conclude that it is possible to recognise attributes of heated metal mark using the tuned deep CNNs model with an acceptable accuracy, and it can be implemented for real time applications.
This study needs to be further improved. Our future works will focus on three aspects: (1) More datasets will be generated to enrich the benchmarks; (2) recognition with multi-atrributes joint model will be studied and (3) Works will be focus on customed CNNs models structure design, and more fine-tuning techniques will be developed.

Author Contributions

Conceptualization, K.M.; Supervision, K.M.; Writing-Original Draft Preparation, K.M.; Validation, D.L.; Writing-Review & Editing, D.L.; Resources, D.E.; Data Curation, D.E.; Methodology, Z.T.; Funding Acquisition, K.M. and Z.T.

Funding

This research was funded by National Natural Science Foundation of China grant number 61772125,61402097, and Liaoning Doctoral Research Foundation of China grant number 20170520238.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Inspection Methods for Trace and Physical Evidences from Fire Scene—Part 3: Ferrous Metal Work; GB/T 27905.3-2011; National Standard of People’s Republic of China: Shenzhen, China, 2011.
  2. Wu, Y.; Zhao, C.; Di, M.; Qi, Z. Application of metal oxidation theory in fire trace evidence identification. In Proceedings of the Building Electrical and Intelligent System, Shenyang, China, 11–13 November 2007; pp. 108–110. [Google Scholar]
  3. Wu, Y.; Zhao, C.; Di, M.; Qi, Z. Application of metal oxidation theory in fire investigation and fire safety. In Proceedings of the International Colloquium on Safety Science and Technology, Shenyang, China, 27–28 October 2008; pp. 538–540. [Google Scholar]
  4. Xu, Z.; Song, Y. Fuzzy identification of surface temperature for building members after fire. J. Dalian Univ. Technol. 2005, 45, 853–857. [Google Scholar]
  5. Li, D.; Yu, T. Analysis of surface discoloration of galvanizing sheet steel caused by unfavorable brazing heating. J. Phys. Test. Chem. Anal. Part A Phys. Test. 2007, 43, 176–178. [Google Scholar]
  6. Lowe, D.G. Object Recognition from Local Scale-Invariant Features. In Proceedings of the IEEE International Conference on Computer Vision, Kerkyra, Greece, 20–27 September 1999; pp. 1150–1157. [Google Scholar]
  7. Lowe, D.G. Distinctive Image Features from Scale-Invariant Keypoints. Int. J. Comput. Vis. 2006, 60, 91–110. [Google Scholar] [CrossRef]
  8. Navneet, D.; Bill, T. Histograms of Oriented Gradients for Human Detection. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–25 June 2005; pp. 886–893. [Google Scholar]
  9. Bay, H.; Tuytelaars, T.; van Gool, L. SURF: Speeded Up Robust Features. In Proceedings of the 9th European Conference on Computer Vision, Graz, Austria, 7–13 May 2006; pp. 404–417. [Google Scholar]
  10. John, G.D. Uncertainty relation for resolution in space, spatial frequency, and orientation optimized by two-dimensional visual cortical filters. J. Opt. Soc. Am. A 1985, 2, 1160–1169. [Google Scholar] [CrossRef]
  11. He, L.; Li, J.; Plaza, A.; Li, Y. Discriminative Low-Rank Gabor Filtering for Spectral-Spatial Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 1381–1395. [Google Scholar] [CrossRef]
  12. Wang, X.; Han, T.X.; Yan, S. An HOG-LBP human detector with partial occlusion handling. In Proceedings of the IEEE 12th International Conference on Computer Vision, Kyoto, Japan, 27 September–4 October 2009; pp. 32–39. [Google Scholar]
  13. Fei-Fei, L.; Fergus, R.; Torralba, A. Recognizing and Learning Object Categories. CVPR 2007 Short Course. Available online: http://people.csail.mit.edu/torralba/shortCourseRLOC/ (accessed on 18 March 2018).
  14. Grauman, K.; Darrell, T. The Pyramid Match Kernel: Discriminative Classification with Sets of Image Features. In Proceedings of the 10th IEEE International Conference on Computer Vision, Beijing, China, 17–21 October 2005; pp. 1458–1465. [Google Scholar]
  15. Jégou, H.; Douze, M.; Schmid, C.; Pérez, P. Aggregating local descriptors into a compact image representation. In Proceedings of the 23th IEEE Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 3304–3311. [Google Scholar]
  16. Perronnin, F.; Dance, C. Fisher Kernels on Visual Vocabularies for Image Categorization. In Proceedings of the 20th IEEE Conference on Computer Vision and Pattern Recognition, Minneapolis, MN, USA, 18–23 June 2007; pp. 1–8. [Google Scholar]
  17. Cortes, C.; Vapnik, V. Support-vector networks. Mach. Learn. 1995, 20, 1381–1395. [Google Scholar] [CrossRef]
  18. Deng, J.; Dong, W.; Socher, R.; Li, L.J.; Li, K.; Fei-Fei, L. ImageNet: A large-scale hierarchical image database. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  19. Lin, T.Y.; Maire, M.; Belongie, S.; Hays, J.; Perona, P.; Ramanan, D.; Dollár, P.; Zitnick, C.L. Microsoft COCO: Common Objects in Context. In Proceedings of the 13th European Conference on Computer Vision (ECCV 5), Zurich, Switzerland, 6–12 September 2014; pp. 740–755. [Google Scholar]
  20. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 1381–1395. [Google Scholar] [CrossRef] [PubMed]
  21. LeCun, Y.; Boser, B.; Denker, J.S.; Henderson, D.; Howard, R.E.; Hubbard, W.; Jackel, L.D. Backpropagation Applied to Handwritten Zip Code Recognition. Neural Comput. 1989, 1, 541–551. [Google Scholar] [CrossRef]
  22. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  23. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Proceedings of 26th Annual Conference on Neural Information Processing Systems, Lake Tahoe, NE, USA, 3–6 December 2012; pp. 1106–1114. [Google Scholar]
  24. Zeiler, M.D.; Fergus, R. Visualizing and Understanding Convolutional Networks. In Proceedings of the 13th European Conference on Computer Vision, Zurich, Switzerland, 6–12 September 2014; pp. 818–833. [Google Scholar]
  25. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. In Proceedings of the International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015; pp. 1–14. [Google Scholar]
  26. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  27. 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; pp. 770–778. [Google Scholar]
  28. Faghih-Roohi, S.; Hajizadeh, S.; Núñez, A.; Babuska, R.; De Schutter, B. Deep convolutional neural networks for detection of rail surface defects. In Proceedings of the International Joint Conference on Neural Networks, Vancouver, BC, Canada, 24–29 July 22016; pp. 2584–2589. [Google Scholar]
  29. Li, S.; Liu, G.; Tang, X.; Lu, J.; Hu, J. An Ensemble Deep Convolutional Neural Network Model with Improved D-S Evidence Fusion for Bearing Fault Diagnosis. Sensors 2017, 17, 1729. [Google Scholar] [CrossRef] [PubMed]
  30. Psuj, G. Multi-Sensor Data Integration Using Deep Learning for Characterization of Defects in Steel Elements. Sensors 2018, 18, 292. [Google Scholar] [CrossRef] [PubMed]
  31. Zhou, S.; Chen, Y.; Zhang, D.; Xie, J.; Zhou, Y. Classification of surface defects on steel sheet using convolutional neural networks. Mater. Technol. 2017, 51, 123–131. [Google Scholar] [CrossRef]
  32. Cha, Y.J.; Choi, W.; Büyüköztürk, O. Deep Learning-Based Crack Damage Detection Using Convolutional Neural Networks. Comput.-Aided Civ. Infrastruct. Eng. 2018, 32, 361–378. [Google Scholar] [CrossRef]
  33. Cha, Y.J.; Choi, W.; Suh, G.; Mahmoudkhani, S.; Büyüköztürk, O. Autonomous Structural Visual Inspection Using Region-Based Deep Learning for Detecting Multiple Damage Types. Comput.-Aided Civ. Infrastruct. Eng. 2017. [Google Scholar] [CrossRef]
  34. Xu, Y.; Bao, Y.; Chen, J.; Zuo, W.; Li, H. Surface fatigue crack identification in steel box girder of bridges by a deep fusion convolutional neural network based on consumer-grade camera images. Struct. Health Monit. 2018. [Google Scholar] [CrossRef]
  35. He, K.; Zhang, X.; Ren, S.; Sun, J. Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1026–1034. [Google Scholar]
  36. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In Proceedings of the 32nd International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 448–456. [Google Scholar]
  37. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the Inception Architecture for Computer Vision. Proceedings of IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2818–2826. [Google Scholar]
  38. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A.A. Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning. In Proceedings of the 31th AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017; pp. 4278–4284. [Google Scholar]
  39. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. arXiv, 2017; arXiv:1704.04861. [Google Scholar]
  40. Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A Simple Way to Prevent Neural Networks from overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  41. Tran, T.; Pham, T.; Carneiro, G.; Palmer, L.; Reid, I. A Bayesian Data Augmentation Approach for Learning Deep Models. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 2794–2803. [Google Scholar]
  42. Ding, J.; Li, X.; Gudivada, V.N. Augmentation and evaluation of training data for deep learning. In Proceedings of the IEEE International Conference on Big Data, Boston, MA, USA, 11–14 December 2017; pp. 2603–2611. [Google Scholar]
  43. Simon, M.; Rodner, E.; Denzler, J. ImageNet pre-trained models with batch normalization. arXiv, 2016; arXiv:1612.01452. [Google Scholar]
  44. Senthilnath, J.; Kandukuri, M.; Dokania, A.; Ramesh, K.N. Application of UAV imaging platform for vegetation analysis based on spectral-spatial methods. Comput. Electron. Agric. 2017, 140, 8–24. [Google Scholar] [CrossRef]
Figure 1. The framework of this work.
Figure 1. The framework of this work.
Sensors 18 01871 g001
Figure 2. Devices used in this study for generating image dataset. (a) demonstrates vacuum resistance furnace; Muffle furnace and gasoline burner are shown in (b,c) respectively; (d) is a test chamber with constant temperature and humidity.; Heated metal mark images are captured via microscope in (e).
Figure 2. Devices used in this study for generating image dataset. (a) demonstrates vacuum resistance furnace; Muffle furnace and gasoline burner are shown in (b,c) respectively; (d) is a test chamber with constant temperature and humidity.; Heated metal mark images are captured via microscope in (e).
Sensors 18 01871 g002
Figure 3. Demonstration of generated heated metal mark image samples. 7 attributes are labeled at the top-left position of each image.
Figure 3. Demonstration of generated heated metal mark image samples. 7 attributes are labeled at the top-left position of each image.
Sensors 18 01871 g003
Figure 4. Demonstration of convolution operation in an image.
Figure 4. Demonstration of convolution operation in an image.
Sensors 18 01871 g004
Figure 5. Demonstration of pooling operation.
Figure 5. Demonstration of pooling operation.
Sensors 18 01871 g005
Figure 6. Demonstration of fully connected layers in CNN.
Figure 6. Demonstration of fully connected layers in CNN.
Sensors 18 01871 g006
Table 1. Relations between color change of ferrous metal and heating temperature. The heating duration time is set with 30 min.
Table 1. Relations between color change of ferrous metal and heating temperature. The heating duration time is set with 30 min.
ColorHeating Temperature
dark purple300  C
sky blue350  C
brown450  C
dark red500  C
orange650  C
light yellow1000  C
white1200  C
Table 2. Attributes of heated metal defined in this study.
Table 2. Attributes of heated metal defined in this study.
Attribute Abbr.Attribute NameTypes (Predefined Label Values)
a 1 Metal type2 types: (1) galvanized steel; (2) cold rolled steel
a 2 Heating mode3 types: (1) vacuum; (2) muffle furnace; (3) gasoline burner
a 3 Heating temperature4 degrees: (1) 400  C; (2) 600  C; (3) 800  C; (4) 1000  C
a 4 Heating duration4 degrees: (1) 15 min; (2) 30 min; (3) 40 min; (4) 45 min
a 5 Cooling mode2 types: (1) Natural cooling; (2) forced cooling
a 6 Placing duration3 degrees: (1) 24 h; (2) 36 h; (3) 48 h
a 7 Relative humidity2 degrees: (1) 65%; (2) 85%
Table 3. Recognition rate of heated metal mark attributes.
Table 3. Recognition rate of heated metal mark attributes.
ModelPre-TrainedData Augment a 1 a 2 a 3 a 4 a 5 a 6 a 7
train a test a train a test a train a test a train a test a train a test a train a test a train a test a
I n c e p t i o n - v 4 yesno0.960.580.980.270.970.810.980.200.980.330.980.410.980.31
yesyes0.980.450.990.300.940.690.980.480.980.820.980.400.980.57
nono0.980.720.920.820.990.800.950.490.990.850.980.620.910.83
noyes0.960.920.980.900.980.830.970.850.990.920.970.780.950.91
I n c e p t i o n - v 3 yesno0.960.600.980.250.990.810.970.470.990.800.960.470.920.31
yesyes0.990.720.970.400.990.810.990.530.990.870.990.540.990.34
nono0.970.790.900.630.940.820.930.600.990.860.850.590.950.48
noyes0.970.900.960.850.990.810.980.910.990.920.970.690.980.91
R e s N e t yesno0.980.560.980.530.990.800.990.150.980.670.980.400.980.24
yesyes0.980.450.980.430.990.790.970.260.990.670.980.390.980.39
nono0.900.720.940.410.920.800.940.480.990.680.850.610.930.73
noyes0.930.890.900.830.940.830.940.650.980.730.940.730.910.90
V G G 16 yesno0.920.720.950.710.900.200.920.640.990.690.920.770.900.52
yesyes0.960.680.970.650.980.210.960.490.990.740.960.600.940.55
nono0.930.610.920.630.900.320.910.510.980.740.660.630.950.81
noyes0.930.870.900.850.940.810.930.720.980.800.830.780.970.89
M o b i l e N e t s yesno0.980.580.970.430.980.210.980.570.980.810.980.490.980.13
yesyes0.970.730.980.550.990.380.980.660.980.790.970.610.990.34
nono0.900.680.910.750.940.820.980.530.990.810.850.650.950.55
noyes0.930.900.920.830.960.820.900.820.990.890.910.740.970.91
Table 4. Classification efficiency analysis.
Table 4. Classification efficiency analysis.
AttributeEfficiency Inception - v 4 Inception - v 3 ResNet VGG 16 MobileNets
a 1 η 1 0.930.870.880.890.91
η 2 0.910.930.900.850.89
η a 0.920.900.890.870.90
a 2 η 1 0.920.830.790.820.80
η 2 0.910.840.840.860.84
η 3 0.870.880.830.870.85
η a 0.900.850.820.850.83
a 3 η 1 0.800.780.790.770.80
η 2 0.830.850.860.840.83
η 3 0.850.800.830.830.80
η 4 0.840.810.840.810.85
η a 0.830.810.830.810.82
a 4 η 1 0.800.880.600.680.80
η 2 0.830.920.680.760.85
η 3 0.870.900.700.750.79
η 4 0.860.930.630.690.84
η a 0.850.910.650.720.82
a 5 η 1 0.900.890.710.830.88
η 2 0.940.950.750.770.90
η a 0.920.920.730.800.89
a 6 η 1 0.750.660.700.730.71
η 2 0.770.730.720.800.75
η 3 0.820.680.770.810.76
η a 0.780.690.730.780.74
a 7 η 1 0.870.900.880.870.88
η 2 0.950.920.920.910.94
η a 0.910.910.900.890.91
Table 5. Execution time (seconds).
Table 5. Execution time (seconds).
Execution TimeBatch Size VGG 16 Inception - v 4 Inception - v 4 ResNet MobileNets
Training time82.672.452.031.841.59
123.052.772.292.091.81
163.333.082.542.312.04
243.673.412.812.542.23
324.334.053.343.022.65
Testing timex0.110.0830.0620.0450.031

Share and Cite

MDPI and ACS Style

Mao , K.; Lu , D.; E , D.; Tan , Z. A Case Study on Attribute Recognition of Heated Metal Mark Image Using Deep Convolutional Neural Networks. Sensors 2018, 18, 1871. https://doi.org/10.3390/s18061871

AMA Style

Mao  K, Lu  D, E  D, Tan  Z. A Case Study on Attribute Recognition of Heated Metal Mark Image Using Deep Convolutional Neural Networks. Sensors. 2018; 18(6):1871. https://doi.org/10.3390/s18061871

Chicago/Turabian Style

Mao , Keming, Duo Lu , Dazhi E , and Zhenhua Tan . 2018. "A Case Study on Attribute Recognition of Heated Metal Mark Image Using Deep Convolutional Neural Networks" Sensors 18, no. 6: 1871. https://doi.org/10.3390/s18061871

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