Next Article in Journal
MEC/Cloud Orchestrator to Facilitate Private/Local Beyond 5G with MEC and Proof-of-Concept Implementation
Next Article in Special Issue
No-Reference Quality Assessment of Stereoscopic Video Based on Temporal Adaptive Model for Improved Visual Communication
Previous Article in Journal
Fast Detection of Tomato Sucker Using Semantic Segmentation Neural Networks Based on RGB-D Images
Previous Article in Special Issue
The Intelligent Path Planning System of Agricultural Robot via Reinforcement Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Image Classification Method Based on Multi-Agent Reinforcement Learning for Defects Detection for Casting

School of Information Technology and Electronics Engineering, Zhejiang University of Science and Technology, Hangzhou 310023, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(14), 5143; https://doi.org/10.3390/s22145143
Submission received: 17 June 2022 / Revised: 6 July 2022 / Accepted: 7 July 2022 / Published: 8 July 2022
(This article belongs to the Special Issue Deep Reinforcement Learning and IoT in Intelligent System)

Abstract

:
A casting image classification method based on multi-agent reinforcement learning is proposed in this paper to solve the problem of casting defects detection. To reduce the detection time, each agent observes only a small part of the image and can move freely on the image to judge the result together. In the proposed method, the convolutional neural network is used to extract the local observation features, and the hidden state of the gated recurrent unit is used for message transmission between different agents. Each agent acts in a decentralized manner based on its own observations. All agents work together to determine the image type and update the parameters of the models by the stochastic gradient descent method. The new method maintains high accuracy. Meanwhile, the computational time can be significantly reduced to only one fifth of that of the GhostNet.

1. Introduction

Casting defects detection is an essential problem in the machinery industry. High quality castings are very important for automobiles, engineering equipments and other products. It is necessary to find and deal with these defective castings in time. Otherwise, it will harm the quality of downstream industrial products [1]. With the development of computer vision technology, defects detection methods based on casting image processing have been proposed and applied in the recent years [2,3,4,5]. These progresses are made upon various excellent network structures, such as AlexNet [6], VGG [7], and ResNet [8]. In the past decade, in order to improve the classification accuracy, the models are designed to be more and more complex, which leads to an increasingly large number of parameters and an exponential increase in the computational burdens, especially for large images [9,10]. The image size of the castings is also large, but usually the defects are only located in a small number of the pixels, which means large numbers of the pixels in the image are useless for the defects detection task, but they still consume equivalent computational resources. So, the reinforcement learning method with multiple agents are used in this paper to find the most informative sub-images.
Image classification based on reinforcement learning has been a research hot spot in recent years. In the work of Ref. [11], the policy gradient method [12], which is a very basic reinforcement learning algorithm, is used to optimize the convolutional neural network model for image classification. In the work of Ref. [13], the Faster R-CNN model [14] is used to implement anomaly detection while the Deep Q-learning algorithm [15] is used to classify anomalies in the images. In the above works, the reinforcement learning algorithms are used as the optimizer on all the pixels of an image or a sub-image derived by some other methods, so single agent algorithms are natural choices in such a situation. On the contrary, reinforcement learning algorithms can also be used as an effective tool to find the key region in the image. In Ref. [16], Deep Q-learning algorithm is used to select a vital area of the image in a vehicle classification task. In Ref. [17], a multi-agent algorithm PixelRL, which is based on the A3C [18] algorithm, is proposed. In PixelRL, each pixel has been assigned an agent so the number of agents is equivalent to the number of pixels, and it achieves excellent results compared to traditional methods [19,20]. At the same time, another multi-agent algorithm is proposed in Ref. [11], where each agent controls a sliding square window. This method is more robust and has better generalization based on the results of the experiments on the CIFAR-10 dataset and the MNIST dataset [21].
The idea of this work is to use multiple isomorphic agents with sliding square window to find the defect regions. Meanwhile, GRU (Gated Recurrent Unit) [22] models are used to aggregate beliefs on the trajectories of the agents. Compared with the original image, the size of the observation image of each agent has been significantly reduced, and the image category can be judged more quickly. In the following part of this paper, the multi-agent problem is constructed in Section 2. The proposed method and the corresponding models are described in Section 3. In Section 4, experiments are performed on the casting image dataset and compared with several mainstream convolutional neural network based models. The conclusions are given in the last section.

2. Multi-Agent Reinforcement Learning

For the problem of casting image classification, a decentralized partially observable Markov decision process model can be used [23,24,25,26,27], which can be expressed as an eight-tuple N , S , A , T , R , O , Z , γ , where N represents the number of agents, usually greater than or equal to 2 in the case of multi-agent reinforcement learning. S represents the state space. A = A 1 × A 2 × × A N represents the joint action space of all agents, where A i represents the action space of the i-th agent. T : S × A × S [ 0 , 1 ] is the state transition function, which is used to represent the probability of the agent transitioning to state s S after performing a joint action a A in state s S . R : S × A × S R is the reward function, which represents the reward obtained by the agent after the state transition occurs. Under fully cooperative tasks, the reward value of all agents can be the same. O = O 1 × O 2 × × O n represents the joint local observation space of all agents, where O i represents the local observation space of the i-th agent. Z : S × A O is the observation function. The i-th agent can only obtain local observations O i under the condition of s S . γ [ 0 , 1 ] is the discount factor.
According to the different training schemes, multi-agent reinforcement learning methods can be divided into three categories, namely CTCE (Centralized Training Centralized Execution), DTDE (Distributed Training Decentralized Execution), and CTDE (Centralized Training Decentralized Execution) [28,29,30]. In the CTCE scheme, there is a centralized controller. All agents submit their observations and rewards to the centralized controller, and then the centralized controller decides the action for each agent. In the DTDE scheme, each agent interacts with the environment independently and determines actions by itself. In the CTDE scheme, the centralized controller knows each agent’s observations, actions, and rewards during the training phase. After training, the centralized controller is not needed [31,32]. This paper adopts the DTDE scheme, does not require a centralized controller, and adds a communication mechanism, and each agent can obtain information from other agents, as shown in Figure 1.
According to the different types of tasks, multi-agent reinforcement learning methods are divided into three categories, namely the fully competitive, fully cooperative, and mixed task [33,34,35]. In the fully competitive task, assuming there are two agents, the reward value R 1 of the first agent and the reward value R 2 of the second agent have the relationship R 1 = R 2 . The competitive task emphasizes the performance of the single agent. However in this paper, agents are fully cooperative. In the fully cooperative tasks, the rewards can be jointly maximized since all of the agents’ goals are the same. The joint performance, instead of the performances of the single agents, is emphasized, which makes for a shorter computational time. The common goal of the agents in this paper is to reduce the prediction errors, which will be described in the next section.

3. Network Structure and Training Method

The overall network includes five modules, namely the feature extraction module, position encoding module, prediction module, resolution module, and communication module. Taking two agents as an example, the overall network structure is shown in Figure 2. The specific structure of each module will be introduced in the following few sections.

3.1. Feature Extraction Module

First, local observations are generated from the original image and the coordinates of the i-th agent, which can be expressed as follows:
o i ( t ) = O I , p i ( t ) , w
where I is the original image, p i ( t ) is the position coordinate of the i-th agent at time t, and w is the window size. The initial position coordinate of the i-th agent p i ( 0 ) is randomly generated with uniform probability. By default, the window is set to 20 × 20 pixels because many experiments have shown that a window of 20 × 20 pixels can already achieve good results. Taking two agents as an example, the schematic diagram of local observation is shown in Figure 3. As can be seen from Figure 3, the i-th agent move one step to the right and the i + 1 -th agent move one step down from time t to t + 1 . The step length here is equivalent to the window size.
After the local observation is generated, the feature of the local observation is extracted by the convolutional neural network. Taking the local observation of 20 × 20 pixels as an example, the structure of the convolutional neural network is shown in Figure 4. It includes three convolutional layers and two max-pooling layers and finally passes through the flatten layer. Using θ 1 to represent the parameters in the convolutional neural network, the feature extraction process can be expressed as follows:
b i ( t ) = f 1 o i ( t ) ; θ 1

3.2. Position Encoding Module

The position encoding module is the encoding of the agent’s position, which consists of a fully connected layer, and the CeLU (Continuously Differentiable Exponential Linear Units) [36] function is used as the activation function, as shown in Figure 5. The CeLU function is differentiable at all points, and gradient vanishing or gradient exploding problems can be avoided by using CeLU as the activation function. The positions of the agents are quite critical in this method, since it directly determines the performance of the prediction. If the agent is right at the location of the defect, the accuracy of the output can be much higher. The position encoding process can be expressed as follows:
λ i ( t ) = f 2 p i ( t ) ; θ 2
where θ 2 represents the parameters of the position encoding module. The CeLU function is shown as follows:
CeLU ( x ) = max ( 0 , x ) + min ( 0 , exp ( x ) 1 )

3.3. Prediction Module

The prediction module consists of the prediction GRU and the classifier. Each agent is assigned a prediction GRU to enable the agent to learn long-term dependencies. The function of this GRU is to aggregate the posterior information throughout the task. The structure of the GRU is shown in Figure 6. The update method of GRU is given by the following four formulas:
z ( t ) = σ W z · [ h ( t ) , x ( t ) ]
r ( t ) = σ W r · [ h ( t ) , x ( t ) ]
h ˜ ( t ) = tanh ( W · [ r ( t ) h ( t ) , x ( t ) ] )
h ( t + 1 ) = ( 1 z ( t ) ) h ( t ) + z ( t ) h ˜ ( t )
where σ represents the Sigmoid function, W z , W r , and W are all parameters that need to be trained.
Let h i ( t ) denote the hidden state of the i-th agent at time t. The update method of prediction GRU is shown as follows:
h i ( t + 1 ) = f 3 h i ( t ) , x i ( t ) ; θ 3
where θ 3 represents the parameters in the prediction GRU, and x i ( t ) consists of three parts: the features of local observations of the i-th agent, the average message from other agents and the position encoding of the i-th agent. The classifier is composed of two fully connected layers, and CeLU is used as the activation function, which can be expressed as follows:
q i = f 4 h i ( T ) ; θ 4
where T represents the time step of each episode, h i ( T ) represents the hidden state of the prediction GRU at time T, θ 4 represents the parameters of the classifier and q i represents the prediction category. The final image prediction is made jointly by all agents, which can be expressed as follows:
q c = argmax Softmax 1 N i = 1 N q i

3.4. Resolution Module

The resolution module consists of the decision GRU and the policy network. Note that the decisions of the agents not only depend on the current observations, but also on their past observations and states, so the GRU model is suitable for making decisions based on the current and the past information. Each agent is assigned a decision GRU whose structure is the same as the prediction GRU, but with slightly different inputs, which is updated as follows:
h ^ i ( t + 1 ) = f 5 h ^ i ( t ) , x i ( t ) ; θ 5
where h ^ i ( t ) is the hidden state of the decision GRU of the i-th agent at time t, θ 5 is the parameter in the decision GRU, and then we input h ^ i ( t + 1 ) into the policy network to obtain the action at time t + 1 . The process can be expressed as follows:
a i ( t + 1 ) = f 6 h ^ i ( t + 1 ) ; θ 6
where θ 6 represents the parameters of the policy network, which is constructed by two fully connected layers, using CeLU as the activation function, and finally passing through the softmax layer, then the position p i ( t + 1 ) at time t + 1 is generated from the action a i ( t + 1 ) of the i-th agent at time t + 1 and the position p i ( t ) at time t, which can be expressed as follows:
p i ( t + 1 ) = g p i ( t ) , a i ( t + 1 )

3.5. Communication Module

Each agent can obtain messages from other agents. The communication module is constructed using CeLU as the activation function by two fully connected layers. The communication process can be expressed as follows:
m i ( t ) = f 7 h i ( t ) , h ^ i ( t ) ; θ 7
where h i ( t ) and h ^ i ( t ) come from the prediction GRU and decision GRU, respectively, and θ 7 represents the parameters of the communication module. So far, x i ( t ) can be expanded as follows:
x i ( t ) = b i ( t ) , m ¯ i ( t ) , λ i ( t )
where m ¯ i ( t ) is the average message obtained by other agents, which can be given by the following equation:
m ¯ i ( t ) = 1 N 1 j i m j ( t )
where m j ( t ) represents the message of other agents except the i-th agent.

3.6. Prediction Process and Training Method

The overall prediction process is shown in Algorithm 1.
In this paper, the stochastic gradient descent method is used to update the network parameters, and Θ = θ 1 , θ 2 , θ 3 , θ 4 , θ 5 , θ 6 , θ 7 represents the parameters defined by Algorithm 1. Let T denote all possible trajectories, and let τ indicate the trajectory sampled from T . Taking the negative of the error between the actual label and the predicted label as the reward value of this trajectory, it can be expressed as follows:
r τ = L q c q ^
where q ^ represents the actual label, and the mean squared error loss function is used to replace L . The goal is to maximize the expected reward value J, which can be expressed as follows:
J = E r τ = τ T p τ r τ
where p τ represents the probability of the occurrence of this trajectory, which is expanded as follows:
p τ = t = 0 T π a t s t = t = 0 T i = 1 N π i a i t o i t
Algorithm 1:Multi-agent prediction of image classes
Sensors 22 05143 i001
To simplify the formula, denote a i ( t ) as a i t , and denote o i ( t ) as o i t . Then we need to calculate the gradient of J, which is expanded as follows:
Θ J = τ T r τ Θ p τ + p τ Θ r τ = τ T p τ Θ ln p τ r τ + p τ Θ r τ = E Θ ln p τ r τ + Θ r τ
where r τ is related to the parameter Θ , so the gradient must be calculated for r τ . Because it is not possible to traverse all trajectories, a Monte Carlo method is used to estimate J by sampling multiple times. Suppose C trajectories are sampled to estimate J, then the gradient of the estimated value can be expressed as follows:
Θ J ^ = 1 C k = 1 C Θ ln p k r k + Θ r k
where Θ J ^ is an unbiased estimate of Θ J , which is as follows:
E Θ J ^ = Θ J
Therefore, the gradient Θ J ^ obtained according to Algorithm 1 converges to the actual gradient Θ J by probability, so the convergence of the Algorithm 1 is guaranteed.

4. Experiment Results and Discussion

4.1. Dataset and Setups

In terms of hardware, the machine memory is 16GB, the graphics card is NVIDIA TITAN Xp, the video memory is 12 GB, the CPU is Intel Xeon E5-2680 v4, and the clock speed is 2.4 GHz. In terms of software, the Pytorch 1.8.1 framework is used, the programming language is Python3.8 and the CUDA version is 11.1. The size of each image is 300 × 300 pixels. The training dataset contains 2875 non-defective casting images and 3758 defective casting images; the test dataset includes 262 non-defective casting images and 453 defective casting images.
In this data set, the casting defects can be mainly divided into two categories: open holes and casting fins. The defects of open holes can be caused by trapped air when the metal is poured into the mold. The defects of the casting fins show up when some extra materials are attached to the edges of the casting. Examples of both type of the defects are shown in Figure 7. However, this paper only studies the surface defects of the castings, which can be detected by visual signals.
There are four choices for each agent’s action, which are up, down, left, and right, each time moving a window size. The position of each agent is represented by two numbers, which represent the coordinates of the agent in the original image. If the agent’s action is unavailable, the position will not change. For example, if the agent’s local observation is already at the far right of the original image at time t, but the action at time t + 1 is to move to the right, the agent’s position remains unchanged. By default, 10 agents are constructed, the time step of each episode is 5, the local observation of each agent is 20 × 20 pixels, the number of trajectory sampling is three times and the learning rate is 0.002. The same preprocessing was performed on the dataset for each experiment. Compare our method with GhostNet [37], MobileNetV3 [38], Res2Net [39], and ShuffleNetV2 [40]. This paper uses the F 1 -score as the performance indicator. The F 1 -score is the harmonic mean of precision and recall, which can be described as follows:
F 1 = 2 p r e c i s o n r e c a l l p r e c i s o n + r e c a l l

4.2. Performance Analysis under Different Parameters

Under the default settings, the algorithm is run for 200 epochs, as shown in Figure 8. As can be seen from Table 1, the top-1 F 1 -score in the test dataset can reach 0.95551, and the prediction time of each epoch is only 1.84 s. To better evaluate the proposed algorithm, a comparative experiment is designed for four parameters: the time step T of each episode, the number of agents N, the number of trajectory sampling times C and the window size w. Changes are made each time based on the default settings.
To better show the moving process of agents, taking T = 3 as an example, the moving process of 10 agents is shown in Figure 9. It can be seen that the two agents on the far left did not move in the second step because, at this time, the agent’s action was to move to the left, but it was unable to move to the left.
First, we verify the impact of the time step T of each episode on the performance of the algorithm, and modify the T value based on the default setting, as shown in Figure 10. It can be seen that as the T value increases, the algorithm converges faster. As can be seen from Table 1, with the T value increases, the top-1 F 1 -score also increases. When T = 9 , the average training time per epoch increases by 147% compared to when T = 3 , but the average test time per epoch only rises by 58%. The change in T value is more of an impact on the training time.
By modifying the number N of agents based on the default settings, the change in the F 1 -score is shown in Figure 11. It can be seen that when the number of agents is increased to 15, the curve of the F 1 -score changes significantly and can converge faster. As can be seen from Table 1, for each additional five agents, the average training time per epoch will increase by about 15%, and the average test time per epoch will increase by about 10%. When the number of agents is 20, the top-1 F 1 -score in the test dataset can reach 0.98677. Compared with the case of N = 5 , the number of agents has become four times the original, but the average training time per epoch only increases by 47.7%, and the average test time per epoch increased by 33%.
Modifying the number of trajectory samples C based on the default settings, the change in the F 1 -score is shown in Figure 12. As can be seen from the figure, when C = 9 , the F 1 -score of the training dataset is relatively stable in the later stage. It can be seen from Table 1 that the change of the C value mainly affects the training time, and has little effect on the test time.
Modifying the window size w based on the default settings, the change in the F 1 -score is shown in Figure 13. As can be seen from Figure 13, when w = 10, the F 1 -score of the training dataset is lower, and the convergence speed is also accelerated as the window size increases. It can be seen from Table 1 that the change of window size has less impact on the training and test time, but when the window size becomes too small, the F 1 -score of the test dataset drops a lot.
In Figure 14, the result of a non-defective case and two defective cases are given. In the left sub-figure, no agent has detected any defects. In the middle sub-figure of Figure 14, a casting fin defect is detected by the agent, whose observation window is marked in green. In the right sub-figure of Figure 14, a open hole defect is also detected by the agent, whose observation window is marked in green. All the observation windows of the normal agents are marked in red.

4.3. Comparative Experiments

The GhostNet, MobileNetV3, Res2Net, and ShuffleNetV2 models are selected for comparative experiments. All four networks use the cross-entropy loss function, the learning rate is set to 0.0003, the batch size is set to 32, and each model is trained for 50 epochs. The F 1 -scores of each network are shown in Figure 15.
The top-1 F 1 -score of each network and the average time of per epoch are shown in Table 2. It can be seen from the table that the average test time of each epoch of the comparison model is at least 10.90 s, while the algorithm proposed in this paper only needs 1.84 s under the default setting. When the number of agents is 20, the top-1 F 1 -score of this algorithm in the test dataset reaches 0.98677, which is only 0.00754 lower than GhostNet, but the average test running time per epoch is only 20.55% of GhostNet.

5. Conclusions and Future Works

This paper uses multiple agents to jointly predict the image category, significantly reducing the prediction time and the total calculation amount. This method can be applied to devices with weak computing power, since the input of each device is only a tiny part of the original image. The joint operation of multiple agents not only ensures accuracy but also reduces the computational burden of each device. With the increasing size of images today, a 2 K or even 4 K image requires considerable computing resources on traditional convolutional neural networks for classification, so the method in this paper has great potential for large-size image classification. For the casting dataset, compared with the traditional convolutional neural network GhostNet, the prediction time of the method in this paper is only one-fifth of the original, which has made significant progress in saving computing resources and reducing the defects detection time.
The proposed method in this work can be extended in several aspects in future works. First, the way of communication between the agents can be further investigated, by which the observation of each single agent can be better utilized. Second, instead of being a fixed value, the step size can be determined in an adaptive manner in the future methods. Third, the sizes or even the shapes of the observation windows can also be changed in the process with respect to the agents’ states. All these possible future works can make further improvements on the prediction accuracy of the casting defects detection or the corresponding computational burdens.

Author Contributions

Conceptualization, Y.Z.; methodology, C.L. and Y.Z.; formal analysis, C.L. and Y.Z.; writing—original draft preparation, C.L. and Y.Z.; writing—review and editing, C.L. and S.M.; visualization, C.L. and S.M. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Young Scientists Fund of the National Natural Science Foundation of China (grant numbers: 61803337).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

The author would like to thank the editors and anonymous reviewers for their suggestions, which helped improved the quality of the paper.

Conflicts of Interest

The authors declare that there is no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.

References

  1. Jiang, X.; Feng Wang, X.; Chen, D. Research on Defect Detection of Castings Based on Deep Residual Network. In Proceedings of the 2018 IEEE 11th International Congress on Image and Signal Processing, BioMedical Engineering and Informatics (CISP-BMEI), Beijing, China, 13–15 October 2018; pp. 1–6. [Google Scholar]
  2. Du, W.; Shen, H.; Fu, J.; Zhang, G.; He, Q. Approaches for improvement of the X-ray image defect detection of automobile casting aluminum parts based on deep learning. NDT Int. 2019, 107, 102144. [Google Scholar] [CrossRef]
  3. Duan, L.; Yang, K.; Ruan, L. Research on automatic recognition of casting defects based on deep learning. IEEE Access 2020, 9, 12209–12216. [Google Scholar] [CrossRef]
  4. Ferguson, M.; Ak, R.; Lee, Y.T.T.; Law, K.H. Automatic localization of casting defects with convolutional neural networks. In Proceedings of the 2017 IEEE International Conference on Big Data (Big Data), Boston, MA, USA, 11–14 December 2017; pp. 1726–1735. [Google Scholar]
  5. Lee, J.H.; Oh, H.M.; Kim, M.Y. Deep learning based 3D defect detection system using photometric stereo illumination. In Proceedings of the 2019 IEEE International Conference on Artificial Intelligence in Information and Communication (ICAIIC), Okinawa, Japan, 11–13 February 2019; pp. 484–487. [Google Scholar]
  6. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 2012; Volume 25. [Google Scholar]
  7. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  8. 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]
  9. Chen, L.; Li, S.; Bai, Q.; Yang, J.; Jiang, S.; Miao, Y. Review of Image Classification Algorithms Based on Convolutional Neural Networks. Remote Sens. 2021, 13, 4712. [Google Scholar] [CrossRef]
  10. Rawat, W.; Wang, Z. Deep convolutional neural networks for image classification: A comprehensive review. Neural Comput. 2017, 29, 2352–2449. [Google Scholar] [CrossRef] [PubMed]
  11. Gupta, S.K. Reinforcement based learning on classification task could yield better generalization and adversarial accuracy. arXiv 2020, arXiv:2012.04353. [Google Scholar]
  12. Sutton, R.S.; McAllester, D.; Singh, S.; Mansour, Y. Policy gradient methods for reinforcement learning with function approximation. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 1999; Volume 12. [Google Scholar]
  13. Mansour, R.F.; Escorcia-Gutierrez, J.; Gamarra, M.; Villanueva, J.A.; Leal, N. Intelligent video anomaly detection and classification using faster RCNN with deep reinforcement learning model. Image Vis. Comput. 2021, 112, 104229. [Google Scholar] [CrossRef]
  14. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster r-cnn: Towards real-time object detection with region proposal networks. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 2015; Volume 28. [Google Scholar]
  15. Mnih, V.; Kavukcuoglu, K.; Silver, D.; Graves, A.; Antonoglou, I.; Wierstra, D.; Riedmiller, M. Playing atari with deep reinforcement learning. arXiv 2013, arXiv:1312.5602. [Google Scholar]
  16. Zhao, D.; Chen, Y.; Lv, L. Deep reinforcement learning with visual attention for vehicle classification. IEEE Trans. Cogn. Dev. Syst. 2016, 9, 356–367. [Google Scholar] [CrossRef]
  17. Furuta, R.; Inoue, N.; Yamasaki, T. Pixelrl: Fully convolutional network with reinforcement learning for image processing. IEEE Trans. Multimed. 2019, 22, 1704–1719. [Google Scholar] [CrossRef] [Green Version]
  18. Mnih, V.; Badia, A.P.; Mirza, M.; Graves, A.; Lillicrap, T.; Harley, T.; Silver, D.; Kavukcuoglu, K. Asynchronous methods for deep reinforcement learning. In Proceedings of the International Conference on Machine Learning, PMLR, New York, NY, USA, 20–22 June 2016; pp. 1928–1937. [Google Scholar]
  19. Fan, L.; Zhang, F.; Fan, H.; Zhang, C. Brief review of image denoising techniques. Vis. Comput. Ind. Biomed. Art 2019, 2, 1–12. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  20. Park, J.; Lee, J.Y.; Yoo, D.; Kweon, I.S. Distort-and-recover: Color enhancement using deep reinforcement learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 5928–5936. [Google Scholar]
  21. Mousavi, H.K.; Nazari, M.; Takáč, M.; Motee, N. Multi-agent image classification via reinforcement learning. In Proceedings of the 2019 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Macau, China, 3–8 November 2019; pp. 5020–5027. [Google Scholar]
  22. Cho, K.; Van Merriënboer, B.; Gulcehre, C.; Bahdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning phrase representations using RNN encoder-decoder for statistical machine translation. arXiv 2014, arXiv:1406.1078. [Google Scholar]
  23. Littman, M.L. Markov games as a framework for multi-agent reinforcement learning. In Machine Learning Proceedings 1994; Morgan Kaufmann: Burlington, MA, USA, 1994; pp. 157–163. [Google Scholar]
  24. Tian, Y.; Wang, Y.; Yu, T.; Sra, S. Online learning in unknown markov games. In Proceedings of the International Conference on Machine Learning, PMLR, Virtual Event, 13–14 August 2021; pp. 10279–10288. [Google Scholar]
  25. Pajarinen, J.; Peltonen, J. Periodic finite state controllers for efficient POMDP and DEC-POMDP planning. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 2011; Volume 24. [Google Scholar]
  26. Aşık, O.; Akın, H.L. Solving multi-agent decision problems modeled as dec-pomdp: A robot soccer case study. In Robot Soccer World Cup; Springer: Berlin/Heidelberg, Germany, 2012; pp. 130–140. [Google Scholar]
  27. Kumar, A.; Mostafa, H.; Zilberstein, S. Dual formulations for optimizing Dec-POMDP controllers. In Proceedings of the Twenty-Sixth International Conference on Automated Planning and Scheduling, London, UK, 12–17 June 2016. [Google Scholar]
  28. Gronauer, S.; Diepold, K. Multi-agent deep reinforcement learning: A survey. Artif. Intell. Rev. 2022, 55, 895–943. [Google Scholar] [CrossRef]
  29. Li, M.L.; Chen, S.; Chen, J. Adaptive learning: A new decentralized reinforcement learning approach for cooperative multiagent systems. IEEE Access 2020, 8, 99404–99421. [Google Scholar] [CrossRef]
  30. Zimmer, M.; Glanois, C.; Siddique, U.; Weng, P. Learning fair policies in decentralized cooperative multi-agent reinforcement learning. In Proceedings of the International Conference on Machine Learning, PMLR, Virtual Event, 18–24 July 2021; pp. 12967–12978. [Google Scholar]
  31. Lowe, R.; Wu, Y.I.; Tamar, A.; Harb, J.; Pieter Abbeel, O.; Mordatch, I. Multi-agent actor-critic for mixed cooperative-competitive environments. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 2017; Volume 30. [Google Scholar]
  32. Rashid, T.; Samvelyan, M.; Schroeder, C.; Farquhar, G.; Foerster, J.; Whiteson, S. Qmix: Monotonic value function factorisation for deep multi-agent reinforcement learning. In Proceedings of the International Conference on Machine Learning, PMLR, Stockholm, Sweden, 10–15 July 2018; pp. 4295–4304. [Google Scholar]
  33. Zhang, Q.; Zhao, D.; Zhu, Y. Data-driven adaptive dynamic programming for continuous-time fully cooperative games with partially constrained inputs. Neurocomputing 2017, 238, 377–386. [Google Scholar] [CrossRef]
  34. Park, Y.J.; Cho, Y.S.; Kim, S.B. Multi-agent reinforcement learning with approximate model learning for competitive games. PLoS ONE 2019, 14, e0222215. [Google Scholar] [CrossRef] [PubMed]
  35. He, J.; Li, Y.; Li, H.; Tong, H.; Yuan, Z.; Yang, X.; Huang, W. Application of game theory in integrated energy system systems: A review. IEEE Access 2020, 8, 93380–93397. [Google Scholar] [CrossRef]
  36. Barron, J.T. Continuously differentiable exponential linear units. arXiv 2017, arXiv:1704.07483. [Google Scholar]
  37. Han, K.; Wang, Y.; Tian, Q.; Guo, J.; Xu, C.; Xu, C. Ghostnet: More features from cheap operations. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 1580–1589. [Google Scholar]
  38. Howard, A.; Sandler, M.; Chu, G.; Chen, L.C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V.; et al. Searching for mobilenetv3. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Korea, 27–28 October 2019; pp. 1314–1324. [Google Scholar]
  39. Gao, S.H.; Cheng, M.M.; Zhao, K.; Zhang, X.Y.; Yang, M.H.; Torr, P. Res2net: A new multi-scale backbone architecture. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 43, 652–662. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  40. Ma, N.; Zhang, X.; Zheng, H.T.; Sun, J. Shufflenet v2: Practical guidelines for efficient cnn architecture design. In Proceedings of the European conference on computer vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 116–131. [Google Scholar]
Figure 1. Schematic diagram of distributed training decentralized execution.
Figure 1. Schematic diagram of distributed training decentralized execution.
Sensors 22 05143 g001
Figure 2. The overall network structure.
Figure 2. The overall network structure.
Sensors 22 05143 g002
Figure 3. Schematic diagram of local observations. (a) The local observations of the i-th agent and the i + 1 -th agent at time t; (b) The local observations of the i-th agent and the i + 1 -th agent at time t + 1 .
Figure 3. Schematic diagram of local observations. (a) The local observations of the i-th agent and the i + 1 -th agent at time t; (b) The local observations of the i-th agent and the i + 1 -th agent at time t + 1 .
Sensors 22 05143 g003
Figure 4. The structure of the convolutional neural network.
Figure 4. The structure of the convolutional neural network.
Sensors 22 05143 g004
Figure 5. The position encoding module.
Figure 5. The position encoding module.
Sensors 22 05143 g005
Figure 6. The structure of GRU.
Figure 6. The structure of GRU.
Sensors 22 05143 g006
Figure 7. The examples of the open hole defect and the casting fin defect. The red circles are manually marked.
Figure 7. The examples of the open hole defect and the casting fin defect. The red circles are manually marked.
Sensors 22 05143 g007
Figure 8. The performance of default settings. (a) F 1 -score of default settings; (b) accuracy of the default settings.
Figure 8. The performance of default settings. (a) F 1 -score of default settings; (b) accuracy of the default settings.
Sensors 22 05143 g008
Figure 9. The moving process of agents. (a) original image; (b) step = 1; (c) step = 2; (d) step = 3.
Figure 9. The moving process of agents. (a) original image; (b) step = 1; (c) step = 2; (d) step = 3.
Sensors 22 05143 g009
Figure 10. Performance comparison with different time steps. (a) T = 3 ; (b) T = 7 ; (c) T = 9 .
Figure 10. Performance comparison with different time steps. (a) T = 3 ; (b) T = 7 ; (c) T = 9 .
Sensors 22 05143 g010
Figure 11. Performance comparison with different numbers of agents. (a) N = 5 ; (b) N = 15 ; (c) N = 20 .
Figure 11. Performance comparison with different numbers of agents. (a) N = 5 ; (b) N = 15 ; (c) N = 20 .
Sensors 22 05143 g011
Figure 12. Performance comparison with different trajectory sampling times. (a) C = 5 ; (b) C = 7 ; (c) C = 9 .
Figure 12. Performance comparison with different trajectory sampling times. (a) C = 5 ; (b) C = 7 ; (c) C = 9 .
Sensors 22 05143 g012
Figure 13. Performance comparison with different window sizes. (a) w = 10 ; (b) w = 30 ; (c) w = 40 .
Figure 13. Performance comparison with different window sizes. (a) w = 10 ; (b) w = 30 ; (c) w = 40 .
Sensors 22 05143 g013
Figure 14. The prediction results of a defective casting and two non-defective castings. (a) A non-defective case, whose probability of being non-defective is 98.3%; (b) A defective casting case (with fins), whose probability of being defective is 99.7%; (c) A defective casting case (with open holes), whose probability of being defective is 99.9%. The observation windows of the normal agents are marked in red, and the observation windows of the defects detected agents are marked in green.
Figure 14. The prediction results of a defective casting and two non-defective castings. (a) A non-defective case, whose probability of being non-defective is 98.3%; (b) A defective casting case (with fins), whose probability of being defective is 99.7%; (c) A defective casting case (with open holes), whose probability of being defective is 99.9%. The observation windows of the normal agents are marked in red, and the observation windows of the defects detected agents are marked in green.
Sensors 22 05143 g014
Figure 15. The F 1 -score of different models. (a) GhostNet 1.0 × ; (b) MobileNetV3 Small; (c) Res2Net-50; (d) ShuffleNetV2 1.0 × .
Figure 15. The F 1 -score of different models. (a) GhostNet 1.0 × ; (b) MobileNetV3 Small; (c) Res2Net-50; (d) ShuffleNetV2 1.0 × .
Sensors 22 05143 g015
Table 1. Performance comparison with different parameters.
Table 1. Performance comparison with different parameters.
ParametersTop-1 Training F 1 -ScoreTop-1 Test F 1 -ScoreAverage Training Time Per Epoch (s)Average Test Time Per Epoch (s)
N = 5 , T = 5 , w = 20 , C = 3 0.960770.8905139.581.68
N = 10 , T = 3 , w = 20 , C = 3 0.978340.9398530.621.67
N = 10 , T = 5 , w = 10 , C = 3 0.955140.8905144.801.84
N = 10 , T = 5 , w = 20 , C = 3 0.987890.9555144.851.84
N = 10 , T = 5 , w = 20 , C = 5 0.995150.9716467.281.85
N = 10 , T = 5 , w = 20 , C = 7 0.996530.9769294.181.83
N = 10 , T = 5 , w = 20 , C = 9 0.996880.98099117.511.86
N = 10 , T = 5 , w = 30 , C = 3 0.994630.9866744.891.85
N = 10 , T = 5 , w = 40 , C = 3 0.994460.9830546.251.88
N = 10 , T = 7 , w = 20 , C = 3 0.990840.9662959.792.41
N = 10 , T = 9 , w = 20 , C = 3 0.990840.9829975.762.64
N = 15 , T = 5 , w = 20 , C = 3 0.991530.9829252.582.05
N = 20 , T = 5 , w = 20 , C = 3 0.994980.9867758.462.24
Table 2. Performance comparison of the different models.
Table 2. Performance comparison of the different models.
ModelsTop-1 Training F1-ScoreTop-1 Test F1-ScoreAverage Training Time Per Epoch (s)Average Test Time Per Epoch (s)
GhostNet 1.0 × 10.99431110.9310.90
MobileNetV3 Small10.99809129.5413.59
Res2Net-500.999650.99809185.6712.81
ShuffleNetV2 1.0 × 0.999830.99809126.6313.64
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Liu, C.; Zhang, Y.; Mao, S. Image Classification Method Based on Multi-Agent Reinforcement Learning for Defects Detection for Casting. Sensors 2022, 22, 5143. https://doi.org/10.3390/s22145143

AMA Style

Liu C, Zhang Y, Mao S. Image Classification Method Based on Multi-Agent Reinforcement Learning for Defects Detection for Casting. Sensors. 2022; 22(14):5143. https://doi.org/10.3390/s22145143

Chicago/Turabian Style

Liu, Chaoyue, Yulai Zhang, and Sijia Mao. 2022. "Image Classification Method Based on Multi-Agent Reinforcement Learning for Defects Detection for Casting" Sensors 22, no. 14: 5143. https://doi.org/10.3390/s22145143

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