Next Article in Journal
Records and Occupation Time Statistics for Area-Preserving Maps
Previous Article in Journal
Permutation Entropy Analysis to Intracranial Hypertension from a Porcine Model
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Contrastive Self-Supervised Learning Framework for Solving Data Imbalance in Solder Joint Defect Detection

College of Biological Sciences and Medical Engineering, Southeast University, Nanjing 210096, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Entropy 2023, 25(2), 268; https://doi.org/10.3390/e25020268
Submission received: 21 December 2022 / Revised: 16 January 2023 / Accepted: 23 January 2023 / Published: 31 January 2023

Abstract

:
Poor chip solder joints can severely affect the quality of the finished printed circuit boards (PCBs). Due to the diversity of solder joint defects and the scarcity of anomaly data, it is a challenging task to automatically and accurately detect all types of solder joint defects in the production process in real time. To address this issue, we propose a flexible framework based on contrastive self-supervised learning (CSSL). In this framework, we first design several special data augmentation approaches to generate abundant synthetic, not good (sNG) data from the normal solder joint data. Then, we develop a data filter network to distill the highest quality data from sNG data. Based on the proposed CSSL framework, a high-accuracy classifier can be obtained even when the available training data are very limited. Ablation experiments verify that the proposed method can effectively improve the ability of the classifier to learn normal solder joint (OK) features. Through comparative experiments, the classifier trained with the help of the proposed method can achieve an accuracy of 99.14% on the test set, which is better than other competitive methods. In addition, its reasoning time is less than 6 ms per chip image, which is in favor of the real-time defect detection of chip solder joints.

1. Introduction

Soldering chip components to PCB is an important part of printed circuit board assembly (PCBA) production [1]. Various defects occur during the soldering process of chip components [2,3]. The most common defects include missing components, excessive solder, insufficient solder, solder skips, misalignment, tombstoning, component damage, etc.
From all these representative defects shown in Figure 1, we can see that most of the defects (e.g., excessive solder, solder skips) are directly related to the solder joints and some (e.g., missing components, component damage) are not directly related to the solder joints, but they all bring some changes to the solder joints. Hence, we can detect most of the defects in the soldering process of chip components by detecting the solder joint defects. For ease of understanding, abnormal solder joint images are collectively referred to as NG images, and the normal ones are called OK images in the following parts of the paper.
Automated optical inspection (AOI) is an advanced visual detection method for PCBAs. It uses optical cameras to scan PCBAs and detects two types of failures: catastrophic failures (missing components) and quality failures (misshapen fillet or skewed components). However, due to the diversity of defect shapes, forms, and features, AOI alone cannot meet the high-precision requirements for defect detection [4]. In addition, the inspection scenarios for chip components are also complicated [5]. For example, the bending of the PCB may displace components from their original positions; blurred images or smeared surfaces of chip components can also produce false or missing positives. To solve these issues, artificial reinspection has to be involved in the production line, despite it decreasing the inspection efficiency and increasing the labor costs.
Deep learning is one of the prominent developments in artificial intelligence (AI) [6,7,8,9,10]. It has been successfully applied in various fields, such as classification, object detection, signal diagnosis, and instance segmentation [11,12,13,14,15,16]. Many deep-learning methods have been used to improve the detection accuracy of AOI for chip solder defects. Some of the methods are based on supervised learning. Cai et al. [17] used a convolutional neural network cascade to inspect solder joint defects. Hao et al. [18] used an improved Mask-RCNN to segment and classify chip soldering defects in parallel branches. Fan et al. [19] proposed an improved Faster R-CNN for PCBA solder joint defects, and components detection with a mean average precision close to 0.99. The supervised methods rely heavily on a large number of NG samples to obtain high generalization capability, but the amount and type of NG data obtained in practical production are often insufficient. Therefore, supervised methods are usually very limited in practical applications. There are many unsupervised-based studies for defect detection, which show a promising increased performance compared with conventional methods. S. Park et al. [20] proposed a residual-based auto-encoder for the defect detection of micro-LEDs (chip components) and achieved an accuracy of 95.82% on 5143 micro-LED images. Wang et al. [21] achieved an accuracy of 92.7% on 7233 solder joint images by using a generative adversarial network (GAN) [22]. F. Ulger et al. [23] proposed a new beta-variational auto-encoder (beta-VAE) architecture for the detection of solder joint defects.
Even though defect detection based on deep neural networks has been extensively explored and many related detection methods have been proposed, the detection of defects in chip solder joints is very rare. The main reasons for this situation are related to the following aspects:
1. Different components are different in internal design. It is difficult to design solder joint defect detection methods suitable for various scenarios.
2. Solder joints are the places where electronic components and PCBs are welded by hand or machine. Due to solder, time, temperature, and other factors, solder defects may take on different forms. The defective solder joint data are very few, and it is difficult to cover all types of defective solder joint data collected in the industry. Therefore, it is difficult for neural networks to extract key features that can distinguish defects from normal solder joints by using existing data.
3. As industrial detection has high requirements for accuracy and speed, many algorithms cannot meet the actual industrial requirements. Most solder joint defection still relies on machine learning and manual review, which increases human and economic costs.
In this paper, we propose a method based on CSSL to achieve a high accuracy and high efficiency of detection for the solder joint defects of chip components. Our main contributions in this paper lie in three aspects:
1. There are a few types of research on the detection of chip solder spot defects. This paper proposes a framework that can effectively detect chip solder joint defects. High-quality simulation defect data (sNG) are obtained by using data enhancement and contrastive self-supervised learning techniques. Moreover, the accuracy of detecting chip solder spot defects is improved.
2. This paper proposes three customized enhancement methods for chip defect solder joint data. A large amount of sNG data can be obtained by using OK solder joint data to make up for the lack of NG solder joint data in many scenarios. At the same time, the specific data augmentation method combined with some prior experience can better help the classifier learn the key characteristics of solder joints, to better detect defective solder joints.
3. We designed a contrastive self-supervised learning NG solder joint data filtering network (DFN) that extracted high-quality sNG data from a large volume of sNG data, ensuring that the sNG data were more closely aligned with the NG data and maximizing the value of the sNG data.
The remainder of this paper is organized as follows: in Section 2, the preliminaries of contrastive self-supervised learning are drawn; in Section 3, three data augmentation methods, the DFN, and the CSSL framework are elaborated; in Section 4, comparative experiments are conducted and results are given; in Section 5, some related issues are discussed; finally, in Section 6, the conclusion is drawn.

2. Preliminaries

In recent years, contrastive self-supervised learning (CSSL) has been one of the research hotspots in deep learning [24,25,26]. The main advantage is its great ability to learn semantically rich representations from numerous unlabeled data. The process of CSSL can be divided into three steps:
(1) Constructing positive or negative samples;
(2) Training the model to learn the feature similarity of these samples in the pretext task;
(3) Fine-tuning the pre-trained model in the downstream task.
A dichotomous classification illustration of the CSSL process is shown in Figure 2. In the Animals dataset, “cat” is the positive class while “not-cat” is the negative class. Assuming that negative samples are missing or very few, synthetic negative samples (s-Negative) and positive samples can be generated by some data augmentation methods. For example, s-Negative samples are created by shuffling tiles from “cat”. Positive samples are obtained by randomly rotating “cat”. The discriminator is a feature extraction network, consisting of convolutional and non-linear layers. It is used to distinguish whether the transformed data are similar to “cat”. The aim of the discriminator is to pull together semantically similar (positive) samples and push apart non-similar (negative) samples in a shared latent space. After the pretext task, the discriminator is placed on a new task for fine-tuning [27].

2.1. The Pretext Task

The pretext task is a kind of self-supervised learning task that learns the data representation using pseudo-labels. Most of these pseudo-labels represent some form of transformation of the data. In the pretext task, the original image acts as an anchor, and its transformed version acts as a positive sample or a negative sample. In CSSL, the pretext task design is vital to the performance of the network on the downstream task. Many studies have made substantial contributions to the design of pretext tasks [28,29,30,31,32]. He et al. [33] proposed a momentum contrastive method (MoCo) using two distinct encoders (a primary encoder and a momentum encoder) with identical architectures. Chen et al. [34] introduced a simple framework for the contrastive learning of visual representations (SimCLR), which consists of one encoder and a multi-layer perceptron (MLP) with one hidden layer. SimCLR creates pairs of transformed images to learn the similarity among them, thus maximizing the agreement between different augmentations of the same image. Many recent studies have also reported that data augmentation is important for contrastive learning [35,36]. In CSSL, the pretext task can improve the ability of networks to learn key features when using only “cat” data.

2.2. The Downstream Task

Downstream tasks are the actual tasks that need to be solved in CSSL. The pretext task is to use an imaginary task to strengthen the ability of the network to extract some features of data. To better evaluate this ability, pre-trained models from pretext tasks are generally used for fine-tuning to verify the downstream task. The fine-tuning process is as follows:
(1) The auxiliary task model trained by a large amount of unlabeled data is used as the pre-training.
(2) The weights of the feature extraction part of the pre-trained model are transferred to the downstream task model.
(3) The model is retrained on labeled data to obtain a model that could adapt to the new task.
The ability of self-supervised learning will also be reflected in the performance of the downstream task model.

3. Methods

The whole flow chart of detecting chip solder joint defects is shown in Figure 3a. In the framework, we proposed three data augmentations for generating sNG data and an sNG data filtering network for distilling sNG data.
The overall chip solder joint defect detection in the application is shown in Figure 3b. It can be divided into two steps: the first step is as indicated in the top dash-dotted rectangle, and its function it to localize the solder joints (introduced in Section 3.1); the second step is as shown in the bottom dash-dotted rectangle, and it consists of the generation and distillation of sNG images and a classification network enforced by CSSL (introduced in Section 3.2 and Section 3.3).

3.1. Localizing and Extracting the Chip Solder Joints

Based on the AOI platform, we can obtain complete chip component images as shown in Figure 1. To extract the chip solder joints, a multi-scale target detection network based on SSD (MobileNetV2-SSD) [37] is first introduced to localize the solder joints. The architecture of MobileNetV2-SSD is shown in Figure 4. MobileNetV2 [38] is chosen as the backbone to improve the detection speed and reduce the model complexity. In addition, two improvements have been made to meet the needs of real-time detection: (1) add three additional convolutional layers following the MobileNetV2 backbone and (2) modify the output dimension of the last convolutional layer from 256 to 64. The former increases the feature scale in the network in order to extract the feature information better. The latter reduces the number of references to reduce the network size and improve the computing speed.

3.2. Three Data Augmentations for Generating sNG Images

Some examples of OK and NG images are shown in Figure 5a. A magnified OK image shows its structure in Figure 5b. The right side is a complete electrode, and the left side has a uniform background because the solder is evenly distributed. Unlike OK images, NG images have irregularly shaped electrodes and various bizarre backgrounds. The detection of solder joint defects is a typical class imbalance problem [39,40]. Due to the low probability of occurrence and the diversity of solder joint defects, it is difficult to obtain comprehensive and sufficient NG samples. Hence, we empirically design three augmentation methods to obtain sNG images from OK images.
(1) Electrode shifting. The flow chart of the electrode shifting consists of four steps (I)-(IV), as shown in Figure 6. In step (I), the character-region awareness for text detection (CRAFT) [41] algorithm is used for localizing the electrode. CRAFT consists of an encoder and a decoder, as shown in Figure 7, in which the encoder adopts the MobileNetV2 structure. The output is a Gaussian heat map representing the electrode. In step (II), the minimum rectangle (the red rectangle in Figure 6I) enclosing the heat map is obtained by the thresholding method, and this rectangle is the electrode area. Step (II) is to separate the electrode from the background. After separating the electrode, we can obtain an electrode image I S and a background image I C with a rectangular blank area B d as shown in Figure 6II.
To make I C smooth, a process called background filling (Figure 8) in step (III) is implemented. Firstly, we randomly select a rectangular region B u from the area other than the blank area B d of I C and resized to the same size as B d . Then, we use B u to overlay B d and obtain a filled image I F i l l e d as shown in Figure 8b. I F i l l e d can be formulated in the following equation:
I Filled ( p ) = I C ( p ) + 1 + M ( p ) · B u ( p ) ,
where p is the pixel position, and M ( p ) is a mask matrix written as follows:
M ( p ) = 1 , p B d 0 , p B d
Next, we set up an inpainting area B z (the green area in Figure 8a(b’)) by extending 5 pixels beyond the boundaries of B d . Finally, we use the inpainting method based on fast matching (IFM) ([42]) to repair B z and obtain the final smooth background image I I F M as shown in Figure 8a(c). The specific formula is expressed as follows:
I I F M ( p ) = q B ε ( p ) w ( p , q ) I Filled ( q ) + I Filled ( q ) ( p q ) q B ε ( p ) w ( p , q )
where p B z , B ε ( p ) means the neighborhood of p, and w ( p , q ) is a weight function of points p and q [42]. Another process in step (III) is boundary weakening, which is used to smooth the boundaries of electrode I S . In this process, electrode I s is smoothed by a Gaussian kernel of the same size. The specific expression is as follows:
I F ( p ) = L : L F ( p ) = L S ( p ) · M G ( p ) a : A F ( p ) = A S ( p ) b : B F ( p ) = B S ( p )
where L S ( p ) , A S ( p ) , and B S ( p ) represent the three components of the CIELAB color space of I s ( p ) , and M G ( p ) is a Gaussian kernel with mean p. In step (IV), all generated I I F M and I F are randomly combined to generate sNG images as shown in Figure 6IV.
(2) Random dropping. The purpose of random dropping is to break the integrity of the electrodes as shown in Figure 9. The specific process is as follows: Firstly, resize an OK image I to (64,64) pixels and divide it into 16 square tiles. Secondly, select a tile T c from the background area to randomly replace a tile T s in the electrode area. After this process, we can get an image I r as shown in Figure 9(c1) in which part of the electrode is missing. Finally, we use the same process as in the electrode shifting to select the inpainting area B z and smooth the boundaries of the missing part, resulting in a final sNG image, as shown in Figure 9(c2).
(3) Electrode morphology transformation. Electrode morphology transformation consists of three steps as shown in Figure 10. Step (I) adopts the same boundary weakening method as in electrode shifting to smooth the electrode image I S . In step (II), firstly, we design an elliptical mask M e ( p ) written as
M e ( p ) = 1 , p O e 0 , p O e
where O e is an elliptical region with major and minor axes being the height h and width w of I S . Then, we obtain a transformed electrode image I T through the following operation:
I T ( p ) = I S ( p ) · M e ( p )
In step (III), the final sNG images can be obtained by randomly combining the transformed electrode images with the background images acquired in electrode shifting. We can use one or more of the above augmentation methods in combination to generate sNG data. Figure 11 shows some examples of the generated sNG images based on these augmentation methods. In addition, some other common data augmentations such as image rotation, image flipping, and random brightness can also be combined in practice.

3.3. Construction of DFN

To produce sNG data closer to NG data, a DFN is proposed to distill the best sNG data from the sNG data directly obtained by the augmentation methods. Because of the diversity and scarcity of NG data, to construct a DFN based on supervised learning is not easy to achieve, so we build a DFN based on contrastive self-supervised learning. The proposed DFN is shown in Figure 12, and it consists of three modules: data augmentation, encoder, and projection. In the data augmentation module, two augmented images T 1 and T 2 are obtained from an NG image T 0 through two separate random augmentations. The data augmentations employed include rotation, cropping, resizing, flipping, cutout, erasing, and noise injection. The encoder is based on MobileNetV2, and it can map T n ( n = 0 , 1 , 2 ) to a vector h n in the latent space. In the latent space, when the DFN is fully trained, the core features of each type of NG data can be extracted, which can be used as a good metric to evaluate the similarity between NG data and sNG data. To train NG, a vector h n in the latent space is transferred to a vector z n in the contrastive space through a multi-layer perceptron, which consists of two fully connected layers and a ReLU activation layer between them. Assuming the batch size of the training data is N, the loss function L D F N is denoted as
L D F N = 1 2 N k = 1 N l W N T X e n t z 2 k , z 1 k , z 0 k + l W N T Xent z 1 k , z 2 k , z 0 k
where l WNT - Xent is the weighted sum of multiple normalized temperature-scaled cross entropy (NT-Xent) functions:
l W N T X e n t z i k , z j k , z 0 k = λ l N T X e n t z i k , z j k + 1 4 ( 1 λ ) l N T X e n t z i k , z 0 k + l N T X e n t z 0 k , z i k + l N T X e n t z j k , z 0 k + l N T X e n t z 0 k , z j k
The NT-Xent function is expressed as follows:
l N T X e n t z i k , z j k = log exp sim z i k , z j k τ m = 1 N L [ m k ] exp sim z i k , z 1 m τ + m = 1 N L [ m k ] exp sim z i k , z 2 m τ ,
where L [ m k ] { 0 , 1 } is an indicator function that is equal to 1 if m k and 0 otherwise, τ is a temperature parameter, and the function s i m is a distance measure of two vectors written as
sim z i k , z j k = z i k T z j k z i k z j k

3.4. Detection Model Based on the CSSL Framework

The whole flow chart of the detection model based on the CSSL framework is shown in Figure 13, and it consists of three parts. The first two parts are introduced in Section 3.1 and Section 3.2. After processing these two parts, OK data, NG data, and sNG data are prepared. Based on these data, we can build a detection framework based on self-supervised learning (SSL) or contrastive self-supervised learning (CSSL). In the SSL framework, sNG images and OK images are directly used to pre-train a classification network, and then the pre-trained network is transferred to the downstream classification task, and finally, OK images and a small amount of NG images are used to fine-tune the pre-trained network. Since the DFN is trained, each NG image T k is mapped to a vector z k in the contrastive space, and we can measure the average distance between each sNG image S m whose corresponding vector is z s m and all NG images in the contrastive space by the following formula:
D m = 1 N k = 1 N log exp z k · z s m z k z s m
Here, the smaller D m means the better similarity. Therefore, we can sort the sNG images according to the D m value of each sNG image and then distill the best sNG images. The steps in the CSSL framework after the distilling step are the same as those in the SSL framework.

4. Datasets and Experiments

In this section, comparative experiments were conducted to demonstrate the performance of the CSSL method based on the specifically augmented data and the proposed DFN model. The experiments were performed on a graphics station equipped with an Nvidia GTX 1080Ti GPU and 16 GB of RAM. The trained network was finally deployed on a computer with an Intel Core i5-7300HQ CPU with 8 GB of RAM memory in the production line for real-time detection.

4.1. Dataset Preparation

There were two sets of chip component data in this study from two electronic manufacturing companies, provided by Shenzhen MagicRay Technology Co., LTD. Based on these two sets of data, we used the MobileNetV2-SSD method to extract OK and NG data to establish two datasets, Chip-A and Chip-B. The details of the two datasets are shown in Table 1.
(1) Chip-A consisted of 26,521 real solder joint images (23,224 OK images and 3297 NG images) and 21,372 sNG images. All real images were collected by professionals. The NG set consisted of 1031 images of excessive solder, 429 images of insufficient solder, 403 images of missing components, 634 images of component damage, and 800 images of misalignment. The sNG images were generated from OK images by the three specific augmentations. In the pretext tasks, 10,000 OK images and 10,000 sNG images were combined into the training set, and the test set contained 5000 OK images, 1037 NG images, and 5000 sNG images. In the downstream tasks, the training set contained 5244 OK images and 852 NG images, and the test set consisted of 3000 OK images and 1408 NG images. In the supervised learning, the training set consisted of 20,224 OK images and 1889 NG images, and the test set was the same as in the downstream tasks.
(2) Chip-B consisted of 20,512 real solder joint images (18,600 OK images and 1912 NG images) and 17,200 sNG images. In the pretext tasks, the training set consisted of 8000 OK images and 8000 sNG images, and the test set contained 4000 OK images, 592 NG images, and 4000 sNG images. In the downstream tasks, the training set consisted of 4000 OK images, 823 NG images, and 2600 sNG images. The test set contained 2600 OK images, 832 NG images, and 2600 sNG images. In the supervised learning, the training set consisted of 13,020 OK images and 1089 NG images, and the test set contained the same OK and NG images as in the downstream tasks.

4.2. Evaluation Metrics

To evaluate the performance of the proposed method, three metrics including precision (P), recall (R), and F1-score (F1) were used in this study. The confusion matrix is shown in Table 2. P, R, and F 1 are defined as follows:
P = T P T P + F P
R = T P T P + F N
F 1 = 2 × P × R P + R

4.3. Real Experiments

In this subsection, three experiments were conducted. Firstly, we performed a comparative experiment of supervised learning (SL) methods and SSL methods. Then, we performed an experiment to show the performance improvement of the CSSL method compared to the SSL method. Finally, we compared the CSSL method with the state-of-the-art defect detection methods.

4.3.1. Comparative Experiments of SL Methods and SSL Methods

To better demonstrate that SSL methods have better detection accuracy than SL methods when training data are insufficient, we introduced two classic classifiers, VGG16 [43] and MobileNetV2. Based on these two classifiers, we built two supervised models named VGG16-SL and MobileNetV2-SL and two self-supervised models named VGG16-SSL and MobileNetV2-SSL. When training the SL models, the initial learning rate was set to 0.001, the Adam algorithm [44] was used as the optimizer, and the loss function was categorical cross-entropy. Both SL models were trained for 2000 epochs. NG data were augmented by several common data augmentation methods, including rotation, flipping, and noise injection. When training the SSL models, the initial learning rate for the Adam optimizer was set to 0.001, and both SSL models were trained for 5000 epochs in the pretext tasks. After the pre-training was finished, the pre-trained models were transferred to the downstream tasks for fine-tuning, and the learning rate was 0.0002. For the sake of fairness, the common data augmentations applied to the NG data were also used for the sNG data.
The comparison results are shown in Table 3. From the F1-scores in the table, we can see that VGG16-SSL outperforms VGG16-SL, and MobileNetV2-SSL outperforms MobileNetV2-SL. These two results are consistent, and they can demonstrate that SSL methods can achieve better defect detection accuracy than SL methods. It is worth noting that the amount of the NG data used to train the SSL models is much smaller than the amount of NG data to train the SL models. This demonstrates that SSL models are more suitable for the scenario of insufficient NG data than SL models. By comparing the values of all metrics in Table 3, we can also see that MobileNetV2-SSL outperforms VGG16-SSL. To validate the performance in real applications, the fully trained VGG16-SSL and MobileNetV2-SSL were deployed in the production line. The parameter number and inference speed for both models are shown in Table 4. It can be seen that MobileNetV2-SSL has fewer parameters and a faster inference speed than VGG16-SSL. Summarizing the above results, we can conclude that MobileNetV2 has better detection accuracy, better efficiency, and fewer parameters than VGG16; therefore, in the following comparative experiments, we use MobileNetV2 as the classifier of the CSSL Framework.

4.3.2. Validation of the CSSL Framework

To further improve the detection accuracy of MobileNetV2-SSL, a contrastive self-supervised learning network is added to MobileNetV2-SSL to construct a CSSL framework. Unlike the traditional CSSL networks in computer vision, which are directly used in the classification process, our CSSL network is used to distill high-quality sNGs before the pretext tasks. Specifically, first, we generated 100,000 sNGs by the three special augmentations above. Then, we calculated the average similarity value between each sNG image and all NG images through the trained DFN. The output similarity values of all sNG images were in the range S s i m = ( 8.02 , 102.47 ) . After that, we sorted sNG images according to the similarity value. To better validate the effectiveness of the DFN, we set 4 distillation rates ( r = 0.25 , 0.5 , 0.75 , 1.0 ) to distill sNG images, meaning the top r × 100 percent of the sNG images ordered by the similarity value were extracted. For simplicity and better understanding, we referred to MobileNetV2-SSL incorporating DFN with a distillation rate r as r-MobileNetV2-CSSL. For example, 0.25-MobileNetV2-CSSL is a materialized model under the CSSL framework with the distillation rate being 0.25 and the classifier being MobileNetV2. In all models, 5000 epochs were trained for the pretext tasks and 1000 epochs for the downstream tasks. Other experimental parameters were set to be the same as those used in the first experiment above.
The comparison results of the four models are shown in Table 5. From the F1-scores on both datasets, we can see that the performance of r-MobileNetV2-CSSL improves as r decreases, and 0.25-MobileNetV2-CSSL achieves the best F1-scores. These results validate that DFN can effectively distill the best sNG images to help the network improve detection accuracy. To validate the performance of the CSSL framework in the production line, an additional 2078 images of chip solder joints with defects were collected from the production line for testing 0.25-MobileNetV2-CSSL. The detection results are shown in Table 6, and it is clear that the detection accuracy is very high and can meet the accuracy needs in practical applications.

4.3.3. Performance Comparison of the CSSL Framework with Other Classic Methods

To more intuitively validate the performance of our CSSL framework, several state-of-the-art defect inspection methods such as DIM [45], AMDIM [46], CPC-v2 [47], GANomaly [22], and GSDD [48] were introduced for comparison. The best-performing model in the above second experiment, 0.25-MobileNetV2-CSSL, was used as the comparison model for these competing methods. The experimental parameter settings of 0.25-MobileNetV2-CSSL were the same as in the second experiment above.
The comparison results are shown in Table 7. It can be seen that GANomaly has the highest p value on the TOK data and the CPC-v2 has the highest p value on the NG data. However, GANomaly has a relatively low p value on the NG data, which means the detection performance of GANomaly on NG images is not good. Part of the reason is that there is not enough NG information to support the training process of GANomaly. Most of the p values and R values of CPC-v2 and DIM are comparably good except for the R value on the NG data. CPC-v2 learns features by extracting features from each block by dividing the OK image into blocks. Therefore, CPC-v2 is more sensitive to OK data, while it is unfamiliar to NG data that it has never met. DIM constructs contrastive learning tasks by local features in OK images. Its discrimination ability for OK data is also much better than that for NG data. For chip solder joint defect detection, we should pay more attention to the recall rate of NG data. From the perspective of industrial production, if NG data are missed, it will cause more potential risks. Therefore, DIM and CPC do not meet the ideal requirements for solder joint defect detection. The proposed method is compared with a similar research method GSDD, and it is found that GSDD can not cover more complex defect scenes by solving the problem of defect classification through the color gradient. F1-score is a comprehensive metric that can better evaluate the ability of a method in detection accuracy. From the F1 values in Table 7, we can see that 0.25-MobileNetV2-CSSL outperforms all the competing methods. In particular, 0.25-MobileNetV2-CSSL makes a significant improvement to the F1-score on the NG data compared to all competing methods.

4.4. Ablation Study

4.4.1. Effectiveness of the Three Specifically Designed Data Augmentation Methods

To demonstrate the contribution of each augmentation method, we performed an ablation study. Most of the experiment settings are the same as in the second experiment above, except that the three augmentation methods are optional during the training of the DFN. The results of the ablation study are summarized in Table 8. In this table, a, b, and c represent electrode shift, random dropping, and electrode morphology transformation, respectively. It can be seen that any combination of two augmentation methods is better than a single augmentation method in terms of the F1-score. By comparing all three combinations of two augmentation methods, we can see that the combination of the three augmentations has the best performance.

4.4.2. Effectiveness of WNT-Xent Loss

To demonstrate the effectiveness of the WNT-Xent, we compared four contrastive loss functions (NT-Xent, NT-Logistic, InfoNCE, and Margin Triplet). Table 9 shows the results of the contrastive loss function ablation study. It can be seen that WNT-Xent performs best for distilling sNG images compared to other contrastive loss functions.

5. Discussion

Supervised learning is limited by the requirement for a large amount of labeled data in many application scenarios. Solder joint defect detection is one such scenario where labeled NG data are so insufficient; hence, it is a typical class imbalance problem. Usually, we can obtain a large amount of normal data but very little abnormal data. If we use such a dataset to train a supervised network, there is a high probability that the trained network will perform poorly in identifying abnormal data. The potential approach to solve this issue is to augment abnormal data to make as much of them as normal data. However, the common augmentation methods are not suitable for this case, because augmenting data from NG samples through these common methods can only generate similar defect images to the existing ones in the training set. Therefore, we propose several augmentation methods based on the OK data. The benefit of this idea is that we can transform, reshape, or modify a large number of normal images to simulate abnormal images. Due to a large amount of OK data and a random combination of various transformations that simulate real defects, we can obtain a great number of sNG images, many of which are similar to NG data. In the first comparative experiment, we have shown that these sNG images are very helpful for improving defect detection accuracy (Table 8). In the univariate experiments, shifting is better than random missing. Electrode morphological transformation is better than electrode shifting. This indicates electrode morphology is the key feature that can be extracted from MobileNetV2 to distinguish OK and NG solder joint data. In the multivariate experiments, the combination of the three data transformations performs best. This result verifies from the side that the generated sNG data by our proposed augmentation methods can simulate the NG data well. It is worth noting that we propose only three augmentation methods, but there should be many other augmentation methods that can be used to further improve detection accuracy or solve some other less common detection problems.
The data filtering network DFN proposed in the paper is a very important support to the whole framework, because in the augmentation process we can only generate a great amount of NG data without prioritization, and we do not know which NG image is more helpful to the training process. The DFN is based on contrastive self-supervised learning, and it can be trained by using a little NG data. After training, the core feature vector of each NG image or sNG image can be extracted through the DFN, so that high-quality sNG images can be extracted according to the average distance between the feature vector of each sNG image and the feature vectors of all NG images. In the experiments, we can see that the detection accuracy increases as the distillation rate decreases, which is good proof that the DFN successfully extracts the sNG data that best match the NG data. The benefit of DFN in the paper is that we can select good samples and discard bad samples in a targeted manner, thereby effectively improving the quality of the enhanced data. By doing so, we do not need to worry about the negative impact of wrongly generated sNG data on the classification network any longer.
On the basis of the special augmentation methods and the DFN, we develop a CSSL framework. The reason we call it a framework is that it is like a frame with many replaceable or adjustable modules. For example, we can customize the augmentation methods, select an appropriate classifier, set a suitable distillation rate for the DFN, and even further optimize the DFN to better sift the sNG data. In the comparative experiment with several state-of-the-art self-supervised methods and unsupervised methods, we find that it is not a complicated thing to set up a model under the framework that can achieve better performance than these classical methods. This demonstrates that the proposed framework still has a lot of room for improvement. Moreover, when this model is deployed in the production line, it is found that it can achieve an accuracy of 99.14% with an average detection speed of about 6 ms per chip image. It is a satisfactory achievement for the practical application.
Although our method has not been thoroughly tested on various datasets with large amounts of defect data, we are confident that the proposed framework will be suitable for various application scenarios since the framework is very flexible. However, we may need to design other special augmentation methods, develop better classification networks, or further optimize the DFN to make the framework adapt to some uncommon situations.

6. Conclusions

In this paper, we propose three specifically designed augmentation methods to generate sNG data and build a DFN to select the best sNG data. Based on these special augmentation methods and the DFN, we construct a CSSL framework and validate its effectiveness through a series of comparative experiments. Experiments show that the CSSL framework can achieve better detection accuracy than the supervised methods and the state-of-the-art unsupervised and self-supervised methods in the case of insufficient NG data. An optimized model based on the CSSL framework has been deployed in the production line and can achieve an accuracy of 99.14%. The average detection speed is about 6 ms per chip image, which can meet the real-time detection needs in applications.
Nevertheless, there is still much room for improvement regarding the research in this paper. There are two aspects, as follows:
(1) The detection of some uncommon solder joint defects still needs further research.
(2) The framework proposed in this paper can further simplify the process of training classifiers and save training time.
In the future, we will focus on solving the above problems and extend the proposed framework to as many components as possible.

Author Contributions

Conceptualization, J.Z.; data curation, J.Z. and R.W.; formal analysis, G.L.; methodology, J.Z. and G.L.; resources, S.L.; software, J.Z.; validation, J.Z. and R.C.; visualization, R.W.; writing—original draft, J.Z. and G.L.; writing—review and editing, G.L. and S.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Key Research and Development Program in Jiangsu Province (BE2022828) and the Young Scientists Fund of the National Natural Science Foundation of China under Grant 62001112.

Data Availability Statement

Not applicable.

Acknowledgments

This work was supported in part by the Key Research and Development Program in Jiangsu Province (BE2022828) and the Young Scientists Fund of the National Natural Science Foundation of China under Grant 62001112. In addition, we thank Shenzhen MagicRay Technology Co., LTD. We thank Yunjing Ji and Pengfei Liu for providing data and a testing environment for this work.

Conflicts of Interest

The authors state that the research was conducted without any commercial or financial relationships that could be interpreted as potential conflicts of interest.

References

  1. Wu, H.; Lei, R.; Peng, Y. PCBNet: A Lightweight Convolutional Neural Network for Defect Inspection in Surface Mount Technology. IEEE Trans. Instrum. Meas. 2022, 71, 1–14. [Google Scholar] [CrossRef]
  2. Kuttiyil Thomas, O.T.; Gopalan, P.P. PCB Defects. In Electronics Production Defects and Analysis; Springer: Berlin/Heidelberg, Germany, 2022; pp. 39–73. [Google Scholar]
  3. Schubeck, J.; Koblah, D.; Botero, U.J.; Forte, D. A Comprehensive Taxonomy of PCB Defects. Available online: https://dforte.ece.ufl.edu/wp-content/uploads/sites/65/2022/02/A_Comprehensive_Taxonomy_of_PCB_Defects.pdf (accessed on 22 January 2023).
  4. Ling, Z.; Zhang, A.; Ma, D.; Shi, Y.; Wen, H. Deep Siamese Semantic Segmentation Network for PCB Welding Defect Detection. IEEE Trans. Instrum. Meas. 2022, 71, 1–11. [Google Scholar] [CrossRef]
  5. Dorj, E.; Chen, C.; Pecht, M. A bayesian hidden markov model-based approach for anomaly detection in electronic systems. In Proceedings of the 2013 IEEE Aerospace Conference, Big Sky, MT, USA, 2–9 March 2013; IEEE: Piscataway, NJ, USA, 2013; pp. 1–10. [Google Scholar]
  6. Dong, S.; Wang, P.; Abbas, K. A survey on deep learning and its applications. Comput. Sci. Rev. 2021, 40, 100379. [Google Scholar] [CrossRef]
  7. Shorten, C.; Khoshgoftaar, T.M.; Furht, B. Deep Learning applications for COVID-19. J. Big Data 2021, 8, 1–54. [Google Scholar] [CrossRef]
  8. Esteva, A.; Chou, K.; Yeung, S.; Naik, N.; Madani, A.; Mottaghi, A.; Liu, Y.; Topol, E.; Dean, J.; Socher, R. Deep learning-enabled medical computer vision. NPJ Digit. Med. 2021, 4, 1–9. [Google Scholar] [CrossRef]
  9. Surendran, R.; Khalaf, O.I.; Andres, C. Deep learning based intelligent industrial fault diagnosis model. CMC-Comput. Mater. Contin. 2022, 70, 6323–6338. [Google Scholar] [CrossRef]
  10. Sun, J.; Qi, G.; Mazur, N.; Zhu, Z. Structural scheduling of transient control under energy storage systems by sparse-promoting reinforcement learning. IEEE Trans. Ind. Inform. 2021, 18, 744–756. [Google Scholar] [CrossRef]
  11. Pang, G.; Shen, C.; Cao, L.; Hengel, A.V.D. Deep learning for anomaly detection: A review. ACM Comput. Surv. (CSUR) 2021, 54, 1–38. [Google Scholar] [CrossRef]
  12. Minaee, S.; Boykov, Y.Y.; Porikli, F.; Plaza, A.J.; Kehtarnavaz, N.; Terzopoulos, D. Image segmentation using deep learning: A survey. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 44, 3523–3542. [Google Scholar] [CrossRef]
  13. Yang, L.; Ghosh, R.P.; Franklin, J.M.; Chen, S.; You, C.; Narayan, R.R.; Melcher, M.L.; Liphardt, J.T. NuSeT: A deep learning tool for reliably separating and analyzing crowded cells. PLoS Comput. Biol. 2020, 16, e1008193. [Google Scholar] [CrossRef]
  14. You, C.; Zhao, R.; Staib, L.; Duncan, J.S. Momentum contrastive voxel-wise representation learning for semi-supervised volumetric medical image segmentation. arXiv 2021, arXiv:2105.07059. [Google Scholar]
  15. Huang, X.; Qi, G.; Mazur, N.; Chai, Y. Deep residual networks-based intelligent fault diagnosis method of planetary gearboxes in cloud environments. Simul. Model. Pract. Theory 2022, 116, 102469. [Google Scholar] [CrossRef]
  16. Guo, S.; Zhang, B.; Yang, T.; Lyu, D.; Gao, W. Multitask convolutional neural network with information fusion for bearing fault diagnosis and localization. IEEE Trans. Ind. Electron. 2019, 67, 8005–8015. [Google Scholar] [CrossRef]
  17. Cai, N.; Cen, G.; Wu, J.; Li, F.; Wang, H.; Chen, X. SMT solder joint inspection via a novel cascaded convolutional neural network. IEEE Trans. Compon. Packag. Manuf. Technol. 2018, 8, 670–677. [Google Scholar] [CrossRef]
  18. Wu, H.; Gao, W.; Xu, X. Solder joint recognition using mask R-CNN method. IEEE Trans. Compon. Packag. Manuf. Technol. 2019, 10, 525–530. [Google Scholar] [CrossRef]
  19. Fan, F.; Wang, B.; Zhu, G.; Wu, J. Efficient Faster R-CNN: Used in PCB Solder Joint Defects and Components Detection. In Proceedings of the 2021 IEEE 4th International Conference on Computer and Communication Engineering Technology (CCET), Beijing, China, 13–15 August 2021; pp. 1–5. [Google Scholar] [CrossRef]
  20. Park, S.; Ko, J.H. Robust Inspection of Micro-LED Chip Defects Using Unsupervised Anomaly Detection. In Proceedings of the 2021 International Conference on Information and Communication Technology Convergence (ICTC), Beijing, China, 13–15 August 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1841–1843. [Google Scholar]
  21. Wang, R. An Al-based AOl automatic reassessment method for Chip components. Electron. Meas. Technol. 2021, 44, 114–121. [Google Scholar] [CrossRef]
  22. Akcay, S.; Atapour-Abarghouei, A.; Breckon, T.P. Ganomaly: Semi-supervised anomaly detection via adversarial training. In Proceedings of the Asian Conference on Computer Vision, Perth, Australia, 2–6 December 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 622–637. [Google Scholar]
  23. Ulger, F.; Yüksel, S.E.; Yilmaz, A. Anomaly Detection for Solder Joints Using β-VAE. IEEE Trans. Compon. Packag. Manuf. Technol. 2021, 11, 2214–2221. [Google Scholar] [CrossRef]
  24. You, C.; Zhou, Y.; Zhao, R.; Staib, L.; Duncan, J.S. Simcvd: Simple contrastive voxel-wise representation distillation for semi-supervised medical image segmentation. IEEE Trans. Med. Imaging 2022, 41, 2228–2237. [Google Scholar] [CrossRef]
  25. Jaiswal, A.; Babu, A.R.; Zadeh, M.Z.; Banerjee, D.; Makedon, F. A survey on contrastive self-supervised learning. Technologies 2020, 9, 2. [Google Scholar] [CrossRef]
  26. Liu, X.; Zhang, F.; Hou, Z.; Mian, L.; Wang, Z.; Zhang, J.; Tang, J. Self-supervised learning: Generative or contrastive. IEEE Trans. Knowl. Data Eng. 2021. [Google Scholar] [CrossRef]
  27. Wu, Z.; Xiong, Y.; Yu, S.X.; Lin, D. Unsupervised feature learning via non-parametric instance discrimination. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 3733–3742. [Google Scholar]
  28. Albelwi, S. Survey on Self-Supervised Learning: Auxiliary Pretext Tasks and Contrastive Learning Methods in Imaging. Entropy 2022, 24, 551. [Google Scholar] [CrossRef] [PubMed]
  29. Noroozi, M.; Favaro, P. Unsupervised learning of visual representations by solving jigsaw puzzles. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 69–84. [Google Scholar]
  30. Pathak, D.; Krahenbuhl, P.; Donahue, J.; Darrell, T.; Efros, A.A. Context encoders: Feature learning by inpainting. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2536–2544. [Google Scholar]
  31. Larsson, G.; Maire, M.; Shakhnarovich, G. Colorization as a proxy task for visual understanding. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 6874–6883. [Google Scholar]
  32. Zhang, R.; Isola, P.; Efros, A.A. Colorful image colorization. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 649–666. [Google Scholar]
  33. He, K.; Fan, H.; Wu, Y.; Xie, S.; Girshick, R. Momentum contrast for unsupervised visual representation learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 9729–9738. [Google Scholar]
  34. Chen, T.; Kornblith, S.; Norouzi, M.; Hinton, G. A simple framework for contrastive learning of visual representations. In Proceedings of the International Conference on Machine Learning, PMLR, Virtual, 13–18 July 2020; pp. 1597–1607. [Google Scholar]
  35. Wang, X.; Qi, G.J. Contrastive learning with stronger augmentations. arXiv 2021, arXiv:2104.07713. [Google Scholar] [CrossRef] [PubMed]
  36. Chen, T.; Kornblith, S.; Swersky, K.; Norouzi, M.; Hinton, G.E. Big self-supervised models are strong semi-supervised learners. Adv. Neural Inf. Process. Syst. 2020, 33, 22243–22255. [Google Scholar]
  37. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. Ssd: Single shot multibox detector. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 21–37. [Google Scholar]
  38. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L.C. Mobilenetv2: Inverted residuals and linear bottlenecks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4510–4520. [Google Scholar]
  39. Kuang, Y.C.; Ouyang, G.F.; Xie, H.W.; Zhang, X.M. An Efficient Method for Solder Joint Inspection Based on Statistical Learning. In Applied Mechanics and Materials; Trans Tech Publications: Schwyz, Switzerland, 2012; Volume 121, pp. 4931–4935. [Google Scholar]
  40. Cai, N.; Zhou, Y.; Ye, Q.; Liu, G.; Wang, H.; Chen, X. IC solder joint inspection via robust principle component analysis. IEEE Trans. Compon. Packag. Manuf. Technol. 2017, 7, 300–309. [Google Scholar] [CrossRef]
  41. Baek, Y.; Lee, B.; Han, D.; Yun, S.; Lee, H. Character region awareness for text detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 9365–9374. [Google Scholar]
  42. Telea, A. An image inpainting technique based on the fast marching method. J. Graph. Tools 2004, 9, 23–34. [Google Scholar] [CrossRef]
  43. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  44. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  45. Hjelm, R.D.; Fedorov, A.; Lavoie-Marchildon, S.; Grewal, K.; Bachman, P.; Trischler, A.; Bengio, Y. Learning deep representations by mutual information estimation and maximization. arXiv 2018, arXiv:1808.06670. [Google Scholar]
  46. Bachman, P.; Hjelm, R.D.; Buchwalter, W. Learning representations by maximizing mutual information across views. Adv. Neural Inf. Process. Syst. 2019, 32, 15535–15545. [Google Scholar]
  47. Henaff, O. Data-efficient image recognition with contrastive predictive coding. In Proceedings of the International Conference on Machine Learning, PMLR, Virtual, 13–18 July 2020; pp. 4182–4192. [Google Scholar]
  48. Ye, S.Q.; Xue, C.S.; Jian, C.Y.; Chen, Y.Z.; Gung, J.J.; Lin, C.Y. A Deep Learning-based Generic Solder Defect Detection System. In Proceedings of the 2022 IEEE International Conference on Consumer Electronics, Taipei, Taiwan, 6–8 July 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 99–100. [Google Scholar]
Figure 1. Several common defects occurring in soldering process of chip components. The solid red box is the defective area, and the green box is the correct soldering area for the component. The yellow arrow points to the defect curve.
Figure 1. Several common defects occurring in soldering process of chip components. The solid red box is the defective area, and the green box is the correct soldering area for the component. The yellow arrow points to the defect curve.
Entropy 25 00268 g001
Figure 2. Contrastive self-supervised learning: (1) constructing positive or negative samples; (2) training the model to learn the feature similarity of these samples in the pretext task; (3) fine-tuning the pre-trained model in the downstream task.
Figure 2. Contrastive self-supervised learning: (1) constructing positive or negative samples; (2) training the model to learn the feature similarity of these samples in the pretext task; (3) fine-tuning the pre-trained model in the downstream task.
Entropy 25 00268 g002
Figure 3. (a) The overall flow chart of the proposed framework; (b) the flow of chip solder joint defect detection in application. The red solid arrows represent the classifier model deployment.
Figure 3. (a) The overall flow chart of the proposed framework; (b) the flow of chip solder joint defect detection in application. The red solid arrows represent the classifier model deployment.
Entropy 25 00268 g003
Figure 4. The structure of MobileNetV2-SSD.
Figure 4. The structure of MobileNetV2-SSD.
Entropy 25 00268 g004
Figure 5. (a) is the comparison of NG and OK samples, and (b) is a magnified OK image with uniform solder on the left and a complete electrode on the right. The dashed green area indicates the solder, and the curved red area indicates the electrode.
Figure 5. (a) is the comparison of NG and OK samples, and (b) is a magnified OK image with uniform solder on the left and a complete electrode on the right. The dashed green area indicates the solder, and the curved red area indicates the electrode.
Entropy 25 00268 g005
Figure 6. The flow chart of electrode shifting: (I) is to localize the electrode; (II) is to separate the electrode; (III) is to smooth the boundaries of the electrode and fill the background (uniform soldering); (IV) is the random combination of the transformed electrodes and the background images acquired in electrode shifting.
Figure 6. The flow chart of electrode shifting: (I) is to localize the electrode; (II) is to separate the electrode; (III) is to smooth the boundaries of the electrode and fill the background (uniform soldering); (IV) is the random combination of the transformed electrodes and the background images acquired in electrode shifting.
Entropy 25 00268 g006
Figure 7. The structure of the CRAFT used to obtain the Gaussian heat map indicating the electrode. The left part is the encoder, which is based on MobileNetV2, and the right part is the decoder, which has the same structure as the original CRAFT.
Figure 7. The structure of the CRAFT used to obtain the Gaussian heat map indicating the electrode. The left part is the encoder, which is based on MobileNetV2, and the right part is the decoder, which has the same structure as the original CRAFT.
Entropy 25 00268 g007
Figure 8. (a) is the background filling process in which (a’) is the solder joint image with electrodes removed, (b’) is the filled image, and (c): is the final smooth background image repaired by IFM. (b) is the boundary weakening process.
Figure 8. (a) is the background filling process in which (a’) is the solder joint image with electrodes removed, (b’) is the filled image, and (c): is the final smooth background image repaired by IFM. (b) is the boundary weakening process.
Entropy 25 00268 g008
Figure 9. The diagram of random dropping. The IFM action area is green translucent. (c1) is the solder joint image with a part of the electrode missing, and (c2) is the final smooth background image repaired by IFM.
Figure 9. The diagram of random dropping. The IFM action area is green translucent. (c1) is the solder joint image with a part of the electrode missing, and (c2) is the final smooth background image repaired by IFM.
Entropy 25 00268 g009
Figure 10. The steps of electrode morphology transformation: (I) is to localize the electrode; (II) is to separate the electrode; (III) is to smooth the boundaries of the electrode and fill the background (uniform soldering); (IV) is to transform the shape of the electrode; (V) is the random combination of the transformed electrodes and the background images acquired in electrode shifting.
Figure 10. The steps of electrode morphology transformation: (I) is to localize the electrode; (II) is to separate the electrode; (III) is to smooth the boundaries of the electrode and fill the background (uniform soldering); (IV) is to transform the shape of the electrode; (V) is the random combination of the transformed electrodes and the background images acquired in electrode shifting.
Entropy 25 00268 g010
Figure 11. sNG data by the three proposed augmentation methods based on OK data: (a) OK data; (b1) NG data obtained through electrode shifting; (b2) NG data obtained through random dropping; (b3) NG data obtained through electrode morphology transformation.
Figure 11. sNG data by the three proposed augmentation methods based on OK data: (a) OK data; (b1) NG data obtained through electrode shifting; (b2) NG data obtained through random dropping; (b3) NG data obtained through electrode morphology transformation.
Entropy 25 00268 g011
Figure 12. The structure of DFN.
Figure 12. The structure of DFN.
Entropy 25 00268 g012
Figure 13. The overall flow chart of the CSSL framework.
Figure 13. The overall flow chart of the CSSL framework.
Entropy 25 00268 g013
Table 1. The data division of contrastive self-supervised learning and supervised learning.
Table 1. The data division of contrastive self-supervised learning and supervised learning.
MethodChip-A DatasetChip-B Dataset
Training SetTest SetTraining SetTest Set
TOKNGsNGOKNGsNGOKNGsNGOKNGsNG
CSSLPretext10,000010,00050001640500080000800040009564000
Downstream522485233723000140830004000497260026008322600
SL20,2241889030001408013,0201089026008320
Table 2. Calculation of Precision and Recall in the confusion matrix.
Table 2. Calculation of Precision and Recall in the confusion matrix.
Prediction
PositiveNegative
LabelPositiveTPFP
NegativeFNTN
Table 3. Supervised learning and contrastive self-supervised learning.
Table 3. Supervised learning and contrastive self-supervised learning.
ClassifierChip-A DatasetChip-B Dataset
RecallPrecisionF1-ScoreRecallPrecisionF1-Score
OKNGOKNGOKNGOKNGOKNGOKNG
VGG16-SL0.89930.76190.93230.67480.91550.71570.91950.74540.87980.82030.89920.7811
MobileNetV2-SL0.94270.76900.90060.85810.92120.81110.92970.84060.87780.90660.90290.8724
VGG16-CSSL0.94990.79870.91160.87960.93040.83720.95970.90190.92820.94420.94370.9226
MobileNetV2-CSSL0.91140.88400.95150.80110.93100.84050.96500.96070.96070.96490.96280.9627
Table 4. Comparison of VGG16 and MoblieNet-V2 parameters and inference speed.
Table 4. Comparison of VGG16 and MoblieNet-V2 parameters and inference speed.
ModelParamsInference Speed
VGG16183 M19 ms/chip
MobileNetV23.47 M6 ms/chip
Table 5. Detection results of MobileNetV2 with DFN. 0.25, 0.5, and 0.75 represent the distillation rates of the top 25%, top 50%, and top 75%.
Table 5. Detection results of MobileNetV2 with DFN. 0.25, 0.5, and 0.75 represent the distillation rates of the top 25%, top 50%, and top 75%.
MethodChip-A DatasetChip-B Dataset
RecallPrecisionF1-ScoreRecallPrecisionF1-Score
OKNGOKNGOKNGOKNGOKNGOKNG
0.25-DFN-MobileNetV20.98260.99190.99720.95170.98980.97140.98960.98610.99520.97040.99240.9782
0.5-DFN-MobileNetV20.99300.93510.97770.97890.98530.95640.98010.97560.97550.98020.97780.9779
0.75-DFN-MobileNetV20.92220.93810.96380.87090.94250.90320.97320.96860.96860.97320.97090.9709
1.0-DFN-MobileNetV20.91140.88400.95150.80110.93100.84050.96500.96070.96070.96490.96280.9627
Table 6. Detection accuracy of chip solder joint defects.
Table 6. Detection accuracy of chip solder joint defects.
Defect TypeNumberAccuracy
Excessive solder84299.20%
Insufficient solder52398.37%
Missing or wrong components249100%
Misalignment37198.34%
Chip component damage9399.78%
Total207899.14%
Table 7. Detection results of MobileNetV2 based on our proposed method.
Table 7. Detection results of MobileNetV2 based on our proposed method.
MethodClassifierChip-A DatasetChip-B Dataset
RecallPrecisionF1-ScoreRecallPrecisionF1-Score
OKNGOKNGOKNGOKNGOKNGOKNG
DIM [45]MobileNetV20.99200.92080.97310.97550.98250.94740.98790.94940.98120.96720.98450.9582
AMDIM [46]0.93100.99250.99720.83350.96290.90610.95320.98780.99580.87370.97400.9273
CPC v2 [47]0.99300.93510.97770.97890.98530.95640.99320.93100.97640.97940.95580.8909
GANomaly [22]0.91200.99600.99850.79660.95330.88520.91680.99540.99830.89630.95580.8909
GSDD [48]0.98180.93420.93700.98090.95890.95700.98310.93870.94390.93870.96310.9596
0.25-DFN-MobileNetV20.98260.99190.99720.95170.98980.97140.98960.98610.99520.97040.99240.9782
Table 8. Ablation study of specific data augmentations. (a) Electrode shift; (b) random missing; (c) electrode morphology transformation. “”: The highest result of the double transform experiment is higher than that of the single transform experiment with a. “”: The highest result of the double transform experiment is lower than that of the single transform experiment with a.
Table 8. Ablation study of specific data augmentations. (a) Electrode shift; (b) random missing; (c) electrode morphology transformation. “”: The highest result of the double transform experiment is higher than that of the single transform experiment with a. “”: The highest result of the double transform experiment is lower than that of the single transform experiment with a.
MethodabcRecallPrecisionF1-Score
OKNGOKNGOKNG
MobileNet-V2--0.99550.76070.92180.98360.95720.8579
--0.99380.23810.79040.93000.88050.3792
--0.99920.80520.93680.99710.96700.8909
-0.99080.80520.93630.96800.96280.8791
-0.99860.86870.95650.99540.95320.9101
-0.99220.76880.92540.97150.95760.8583
0.9780 (−0.0175)↓0.8821 (+0.1214)↑0.9600 (+0.0382)↑0.9328 (−0.0510)↓0.9689 (+0.0082)↑0.9224 (+0.0652)↑
Table 9. Ablation study of loss functions.
Table 9. Ablation study of loss functions.
DFN LossClassifierRecallPrecisionF1-Score
OKNGOKNGOKNG
NT-Xent(baseline)MobileNetV20.90280.92870.87890.94350.89070.9360
NT-Logistic0.94910.90740.94440.91480.94680.9111
InfoNCE0.97090.89900.92310.96120.94640.9291
Margin Triplet0.94770.91880.91840.94800.93280.9332
WNT-Xent(Ours)0.98840.91850.97840.95490.98340.9364
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhou, J.; Li, G.; Wang, R.; Chen, R.; Luo, S. A Novel Contrastive Self-Supervised Learning Framework for Solving Data Imbalance in Solder Joint Defect Detection. Entropy 2023, 25, 268. https://doi.org/10.3390/e25020268

AMA Style

Zhou J, Li G, Wang R, Chen R, Luo S. A Novel Contrastive Self-Supervised Learning Framework for Solving Data Imbalance in Solder Joint Defect Detection. Entropy. 2023; 25(2):268. https://doi.org/10.3390/e25020268

Chicago/Turabian Style

Zhou, Jing, Guang Li, Ruifeng Wang, Ruiyang Chen, and Shouhua Luo. 2023. "A Novel Contrastive Self-Supervised Learning Framework for Solving Data Imbalance in Solder Joint Defect Detection" Entropy 25, no. 2: 268. https://doi.org/10.3390/e25020268

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