Deep Open-Set Recognition for Silicon Wafer Production Monitoring

Luca Frittoli luca.frittoli@polimi.it Diego Carrera Beatrice Rossi Pasqualina Fragneto Giacomo Boracchi DEIB, Politecnico di Milano, via Ponzio 34/5, Milan (Italy) STMicroelectronics, via Camillo Olivetti 2, Agrate Brianza (Italy)
Abstract

The chips contained in any electronic device are manufactured over circular silicon wafers, which are monitored by inspection machines at different production stages. Inspection machines detect and locate any defect within the wafer and return a Wafer Defect Map (WDM), i.e., a list of the coordinates where defects lie, which can be considered a huge, sparse, and binary image. In normal conditions, wafers exhibit a small number of randomly distributed defects, while defects grouped in specific patterns might indicate known or novel categories of failures in the production line. Needless to say, a primary concern of semiconductor industries is to identify these patterns and intervene as soon as possible to restore normal production conditions.

Here we address WDM monitoring as an open-set recognition problem to accurately classify WDM in known categories and promptly detect novel patterns. In particular, we propose a comprehensive pipeline for wafer monitoring based on a Submanifold Sparse Convolutional Network, a deep architecture designed to process sparse data at an arbitrary resolution, which is trained on the known classes. To detect novelties, we define an outlier detector based on a Gaussian Mixture Model fitted on the latent representation of the classifier. Our experiments on a real dataset of WDMs show that directly processing full-resolution WDMs by Submanifold Sparse Convolutions yields superior classification performance on known classes than traditional Convolutional Neural Networks, which require a preliminary binning to reduce the size of the binary images representing WDMs. Moreover, our solution outperforms state-of-the-art open-set recognition solutions in detecting novelties.

keywords:
pattern classification, open-set recognition, sparse convolutions, quality inspection, wafer monitoring
journal: Pattern Recognition (accepted)

1 Introduction

Silicon wafers are the first production stage of many electronic components, including processors, memories and sensors, that are present in any electronic device from smartphones to cars. Producing wafers requires costly, long, and high-tech industrial processes. In the last few decades, the demand and production volumes have steadily been growing, making manual quality inspection inadequate. Each wafer (Figure 1(a)) contains hundreds of chips and has to be analyzed by several inspection machines at different stages of the production process to locate any defect. Each wafer inspection outputs a Wafer Defect Map (WDM), namely a list of coordinates of the wafer (i.e., a 2-dimensional point cloud) where defects were found. In normal production conditions, defects are rare and randomly distributed in WDMs. In contrast, WDMs containing patterns like those shown in Figure 1(b) might be symptoms of problems or failures in the production line, which must be promptly classified to solve production failures as soon as possible, preventing the waste of time and resources. These patterns are known to be related to specific problems in a particular manufacturing step. Moreover, WDMs might exhibit novel patterns related to unknown production issues, and it is a primary concern of production engineers to detect also these. Detecting novel patterns in WDMs is perhaps a more challenging problem than classifying known patterns, which is of paramount importance for semiconductor companies. In this work, we address pattern classification on WDMs as an open-set recognition problem Scheirer et al. (2014), to accurately classify WDMs corresponding to known categories, and at the same time detect novel patterns. Open-set recognition is a very active research area with applications in image classification Geng et al. (2020); Huang et al. (2020) and face recognition Dong et al. (2020), but has not been addressed in WDM monitoring yet.

(a) An example of a wafer containing few hundreds of chips (the small cells). (b) An example of WDM for each known class in the ST dataset. We also report the number of instances of each class to emphasize the severe class imbalance in the ST dataset.
Figure 1: (a) An example of a wafer containing few hundreds of chips (the small cells). (b) An example of WDM for each known class in the ST dataset. We also report the number of instances of each class to emphasize the severe class imbalance in the ST dataset.

Pattern recognition on Wafer Defect Maps has been widely investigated Huang and Pan (2015), but exclusively in a traditional, closed-set classification framework, where test instances have to be associated with a set of known classes. Even in a closed-set scenario, this is a challenging classification problem, due to the size of images representing WDMs, which is limited only by the resolution of the inspection machines. These images can be huge: in our case, the coordinates of defects span a grid of dimensions , corresponding to a precision of 10 . Some inspection machines might achieve even higher precision. Hence, processing an entire WDM as a binary image would be impossible for a standard classifier (e.g., a Convolutional Neural Network) due to the large demand for memory and computational resources. For this reason, all the existing solutions transform WDMs into smaller images called Wafer Bin Maps. This corresponds to a lossy conversion of the original WDM, which we believe might overlook important information, yielding worse classification performance. Handling WDMs at their original resolution is challenging and requires ad-hoc models, as is often the case in industrial applications where patterns have to be identified in point clouds Bergamasco et al. (2020) or low-resolution/noisy images Chen et al. (2017); Abiantun et al. (2019), to name a few examples.

In this paper we consolidate and extend our preliminary work di Bella et al. (2019) on WDM classification. Here we propose an effective and efficient pipeline for wafer production monitoring, addressing open-set recognition on full-resolution WDMs. Our solution is based on a Submanifold Sparse Convolutional Network (SSCN) Graham et al. (2018), a model specifically designed to efficiently process sparse images, regardless of their resolution, as lists of their non-zero locations. Our main contributions are:

  • We present the first custom SSCN architecture that enables classifying patterns from full-resolution WDMs into a set of known classes.

  • We are the first to address WDM monitoring as an open-set recognition problem. In particular, we propose to detect novelties from the latent representation of our SSCN, trained on known classes, by means of a Gaussian Mixture Model (GMM).

  • We design a specific data augmentation procedure for WDMs to reduce the impact of class imbalance during training. Moreover, we show that augmentation can safely be used at test time also in an open-set scenario since it cannot transform novelties into instances of known classes.

In di Bella et al. (2019) we introduced Submanifold Sparse Convolutional Networks for WDM classification in a traditional, closed-set scenario, where all instances in the test set are assumed to belong to a set of known classes (Figure 1(b)). Here, we modify our SSCN to address an open-set recognition problem, which is of paramount importance when monitoring wafer production. To assess the novelty-detection performance of our open-set classifier, we design a leave-one-out testing procedure that complies with industrial scenarios like ours, where annotated novelties are not readily available. We also investigate more in depth the data augmentation procedure proposed in di Bella et al. (2019), and we experimentally show its superiority compared to traditional augmentation techniques in closed-set classification. Moreover, we demonstrate that our data augmentation can be safely used in an open-set scenario since it cannot turn a WDM containing a novel defect pattern into an instance of any known class.

Our experiments on the ST dataset, acquired and annotated at the STMicroelectronics plant in Agrate Brianza, Italy, demonstrate the advantages of handling WDMs directly as lists of coordinates, rather than converting them into low-resolution images. In fact, our SSCN achieves better classification performance over known classes than traditional CNNs trained on Wafer Bin Maps, despite having substantially fewer parameters. Moreover, our open-set recognition solution can detect novelties significantly better than alternatives from the literature, which we applied to our SSCN to enable a fair comparison.

The paper is organized as follows: in Section 2 we present the most recent works addressing wafer monitoring and open-set recognition. In Section 3 we formally define the open-set recognition problem we address on WDMs. In Section 4 we describe our wafer monitoring solution in detail. In Section 5 we present the experiments we perform to support our claims. Section 6 concludes the paper with some final remarks and hints on ongoing and future works.

2 Related work

Several automatic methods to monitor the quality of the chips produced by semiconductor companies have been developed in the last few years. Typically, these methods consist of closed-set classifiers trained to recognize a set of known classes of either local defect in images of small wafers portions, acquired by an electronic microscope, or global defect patterns in Wafer Defect Maps: the interested reader can find a comprehensive survey in Huang and Pan (2015). Here we survey the literature regarding defect analysis in wafers (Section 2.1) and open-set recognition (Section 2.2), which is the problem we address for wafer monitoring.

2.1 Wafer monitoring

During production, wafers get inspected to identify localized defects Sakata et al. (2005); Li and Tsai (2012); Cheon et al. (2019) and defect patterns in WDMs di Bella et al. (2019); Yu and Lu (2016); Fan et al. (2016); Chang et al. (2012); Nakata et al. (2017); Nakazawa and Kulkarni (2018); Yu et al. (2019); Saqlain et al. (2020), which is the problem we address in our work. Wafer Defect Maps are lists containing the coordinates at which inspection machines find defects, and these correspond to huge binary images (in our case ). This makes WDMs a challenging kind of data to handle, impossible to feed to a standard CNN. For this reason, the vast majority of existing solutions preprocess WDMs to reduce their size, usually building Wafer Bin Maps, which are smaller images (say ) where pixels are associated with small portions of the wafer, and the value of each pixel indicates whether the corresponding wafer portion contains defects or not.

The first supervised methods Yu and Lu (2016); Fan et al. (2016); Chang et al. (2012) employ hand-crafted features, including geometric regional features such as area, perimeter, or eccentricity of defect clusters Yu and Lu (2016), and density-based features such as the location of defect-dense areas Fan et al. (2016). Other informative features can be obtained by analyzing Wafer Bin Maps in a different domain using the Radon or Hough transforms to highlight specific patterns Chang et al. (2012). A few of these features are typically stacked in vectors and fed to a classifier such as a support vector machine (SVM) or a decision tree. However, hand-crafted features might not identify meaningful patterns in every condition, e.g., when patterns are rotated, shifted, or cover only part of the WDM. Moreover, hand-crafted features are usually defined to highlight defect patterns belonging to known classes. Thus, they might be meaningless for the detection of novel patterns.

Since Convolutional Neural Networks have achieved impressive results in image classification, the most recent methods Nakata et al. (2017); Nakazawa and Kulkarni (2018); Yu et al. (2019); Saqlain et al. (2020) employ Deep Learning models to classify Wafer Bin Maps. In particular, Nakata et al. (2017) addresses the simplified problem of distinguishing radial map patterns from non-radial ones. The solution presented in Nakazawa and Kulkarni (2018) proposes a specific preprocessing where the intensity value of each pixel represents the number of defects in the corresponding wafer portion. Our previous work di Bella et al. (2019), and others Yu et al. (2019); Saqlain et al. (2020) show the superiority of deep CNNs over traditional machine-learning methods based on hand-crafted features over the public dataset WM-811K Wu et al. (2015), where they achieve excellent classification performance. However, in these works, wafer monitoring is tackled as a closed-set classification problem, so these methods cannot detect novel defect patterns. Moreover, the WM-811K dataset contains small images representing Wafer Bin Maps, so we cannot use it to test the proposed solution, which takes the original WDMs as input.

2.2 Open-set recognition

Open-set recognition, introduced by Scheirer et al. Scheirer et al. (2014), is the problem of recognizing a certain number of known classes – for which a large annotated dataset is available – and detecting as novelties those samples that do not belong to any known class. Compared to the traditional closed-set classification, where all the classes occurring at test time are assumed to be known, the open-set recognition problem refers to a more realistic scenario, where only part of the classes have been already identified and included in the training set.

The first open-set recognition methods are based on traditional machine-learning algorithms. Scheirer et al. Scheirer et al. (2014) use modified Support Vector Machines with decision boundaries designed to reject unknown samples. Other methods detect novelties using the distance of test samples from the centroids of the known classes Bendale and Boult (2015), or the reconstruction error of sparse representations Zhang and Patel (2016).

More recently, deep open-set recognition methods started to gain more and more attention due to the outstanding results achieved by deep learning in most classification and pattern-recognition tasks. Bendale et al. Bendale and Boult (2016) propose the OpenMax function to replace SoftMax as the last layer of a CNN at test time. In particular, a standard CNN is trained on the known classes and, during testing, OpenMax evaluates the distance between the CNN score vectors and the mean activation vectors (MAVs), computed using the score vectors of training samples. Each MAV represents a known class, and a test sample is detected as a novelty when the likelihood of its distance from all the MAVs with respect to a Weibull distribution model fitted using the training set is below a certain threshold. Cevikalp et al. Cevikalp et al. (2021) propose deep classifiers using polyhedral conic boundaries to separate instances from different known classes, instead of the traditional linear boundaries. This makes the acceptance regions of the known classes more compact, thus easing novelty detection.

Another approach consists in applying an outlier-detection method to the latent representation of a deep classifier trained on known classes Zhu et al. (2018); Zhang et al. (2020). Instances from known classes are expected to be mapped in the same region of the latent space, following a multimodal distribution. Therefore, it is possible to detect novelties from their latent representations as outliers with respect to this distribution. To this purpose, Zhu et al. Zhu et al. (2018) employ a variant of Isolation Forest Liu et al. (2008), while Zhang et al. Zhang et al. (2020) define confidence intervals over each component of the latent space. In the context of wafer monitoring, Cheon et al. Cheon et al. (2019) follow the same approach to address open-set recognition on wafer surface defect images acquired by a scanning electron microscope (SEM). In particular, they apply a -nearest neighbors outlier detector to the features extracted by a CNN trained on the known classes. However, this solution is designed to process traditional images of localized defects rather than WDMs, and thus it cannot be applied directly to the problem we address in this paper.

Socher et al. Socher et al. (2013) obtain a different latent representation by embedding the images into a semantic word space associated with the class labels. Then, they fit an isometric Gaussian model to represent each known class in the semantic space and use the likelihood as novelty score. More sophisticated deep methods for open-set recognition have been proposed, combining the reconstruction error of an autoencoder with classification features to detect novelties Yoshihashi et al. (2019); Oza and Patel (2019); Sun et al. (2020). However, these approaches based on autoencoders are designed for relatively small images and cannot be applied directly to WDMs.

3 Problem Formulation

A WDM is a list containing the 2-dimensional coordinates indicating where defects lie within a wafer. These coordinates belong to a huge grid defined by the resolution of the inspection machines. For pattern recognition purposes, can be seen as a binary image , where each pixel corresponds to an inspected wafer location and if the coordinates belong to the list and 0 otherwise. In normal production conditions, defects are rare and randomly distributed within the wafer, whilst failures might cause defects arranged in patterns like those shown in Figure 1(b). These patterns might either belong to a known class indicating a known production problem, or indicate a novel issue that had never been observed before. Although these previously unseen instances are usually referred to as unknown Sun et al. (2020) or out-of-distribution Hendrycks and Gimpel (2017) in the open-set recognition literature, we indicate them as novelties to highlight that these correspond to new defect patterns.

Our goal is to train an open-set classifier that associates to each WDM either a known class label or the Novel label, which identifies WDMs containing novel types of patterns, i.e., the output of is:

(1)

To this aim, we assume that a training set formed by annotated WDMs – where each is a known label – is provided.

A major challenge of handling WDMs is that state-of-the-art deep learning methods such as Convolutional Neural Networks cannot be directly applied due to the huge size of the images obtained from full-resolution WDMs: in our case, , so a WDM would require almost GB to be loaded in memory in single precision as a grey-scale image. A second challenge is the extreme class imbalance: indeed, the vast majority of WDMs belong to the Normal class, while some patterns, such as BasketBall, occur very rarely and are under-represented in the ST dataset, as shown in Figure 1(b).

4 Proposed Solution

We address WDM monitoring as an open-set recognition problem and propose a network architecture to classify very efficiently full-resolution WDMs belonging to the classes represented in the training set (Section 4.1). Then, we extend our network – which is trained to address a traditional multi-class classification problem – to open-set recognition, i.e., to detect WDMs containing novel patterns (Section 4.2). Here, we also describe the class-specific data augmentation procedure we employ in our open-set recognition method, both at training and test time (Section 4.3) and summarize the proposed pipeline to classify WDMs (Section 4.4).

4.1 Classification of known classes

Visual representation of the difference between processing a WDM patch (
Figure 2: Visual representation of the difference between processing a WDM patch () by regular convolutions (conv) and Submanifold Sparse Convolutions (SSC). All these convolutional layers have uniform filters of size and are followed by max-pooling with a kernel of size , yielding a downsampling factor 2 on each dimension. For illustration purposes, we represent all the images at the same size. While regular convolutions reduce the original sparsity, SSCs maintain it since they do not increase the number of active locations.

The open-set recognition problem includes a traditional multi-class classification problem with a fixed set of known classes, i.e., those represented in the training set. Traditional Convolutional Neural Networks, which represent state of the art in image classification, cannot be directly applied to WDMs because they take as input relatively small images (e.g., VGG16 Simonyan and Zisserman (2015) and ResNet50 He et al. (2016) take as input RGB images), while images representing full-resolution WDMs are huge and result impossible to use to train and test CNNs.

To handle WDMs efficiently, we build a deep network based on Submanifold Sparse Convolution (SSC) Graham et al. (2018), a modified convolutional operator designed to process sparse images at arbitrary resolution. The output of an SSC is the same as that of a regular convolution, but only on the active sites of its receptive field, namely, the non-zero locations, i.e.:

(2)

where indicates the Hadamard product, the indicator function and the support of , i.e., the set of its non-zero locations. The main advantage of SSC compared to traditional convolution is that it enables a very efficient processing of sparse images, regardless of their resolution. Thus, a WDM can be processed directly as the list of the coordinates where defects lie within the wafer, which correspond to the active sites. Moreover, (2) implies that SSC maintains the input sparsity – thus the shape of the defective patterns in WDMs – throughout the layers and does not increase the number of active sites, while regular convolutions reduce the sparsity of WDMs, as illustrated in Figure 2.

(a): our SSCN block made of a Submanifold Sparse Convolutional layer (SSC), Batch Normalization (BN), ReLU activations and Max-Pooling layer (Pool) with stride 2. (b): our SSCN architecture, based on our SSCN block, for open-set recognition on WDMs. After 13 SSCN blocks, each WDM

(a)

(b)
Figure 3: (a): our SSCN block made of a Submanifold Sparse Convolutional layer (SSC), Batch Normalization (BN), ReLU activations and Max-Pooling layer (Pool) with stride 2. (b): our SSCN architecture, based on our SSCN block, for open-set recognition on WDMs. After 13 SSCN blocks, each WDM is transformed to a 128-dimensional latent representation , which is fed to a fully connected-layer (FC) with SoftMax activation to identify the known classes, and to the negative log-likelihood function of a GMM (fitted on the latent representations of WDMs from known classes), which is our novelty score .

The architecture of the proposed SSCN is inspired by the convolutional part of the VGG16 Simonyan and Zisserman (2015), and is made of consecutive building blocks reducing the spatial resolution of the activation maps. Each block (Figure 3(a)) includes an SSC layer, with Batch Normalization (BN) and ReLu activations, followed by a Max-Pooling layer of stride 2. Thus, a single block reduces the resolution of the feature map by a factor 2 on each dimension. Our architecture, illustrated by Figure 3(b), is formed by 13 such blocks followed by a convolutional layer, and yields a 128-dimensional latent representation of each WDM , which we also employ to detect novelties (Section 4.2). Eventually, a fully-connected layer with SoftMax activations outputs a vector of scores, whose maximum determines the predicted class of the input WDM.

We remark that both our solution and those based on traditional CNNs extract a compact representation of the WDMs Nakazawa and Kulkarni (2018); Yu et al. (2019); Saqlain et al. (2020). The main difference is that traditional CNNs for WDM classification require a preliminary binning of the WDMs to reduce their resolution, which we believe might lead to a loss of information. In contrast, our solution is entirely data-driven and does not discard any piece of information contained in WDMs, thanks to Submanifold Sparse Convolutions. Our SSCN yields a spatial downsampling factor on each dimension, way larger than what is customarily obtained by CNNs for image classification: for instance, the CNN proposed in Saqlain et al. (2020) for Wafer Bin Maps only achieves a downsampling factor . Although the network architecture made of convolutional and pooling layers recalls the VGG16 Simonyan and Zisserman (2015), our SSCN has a substantially fewer trainable parameters () due to the fact that the VGG16 has 3 large fully-connected layers on top of the convolutional part, which we do not include in our SSCN.

4.2 Detection of novel patterns

Visual representation of our approach to open-set recognition: we train a classifier on the known classes (SSCN), and detect as novelties those instances
Figure 4: Visual representation of our approach to open-set recognition: we train a classifier on the known classes (SSCN), and detect as novelties those instances whose latent representation through the SSCN are outliers in relation to the latent representation of the known classes. In particular, our novelty score is the negative log-likelihood of a Gaussian Mixture Model , represented in the image by its level curves.

The second task in open-set recognition is detecting instances that do not belong to any known class, namely, novelties. This is particularly important in monitoring WDMs because a novel class of defect patterns must be detected as soon as possible and studied to determine which failure caused that unknown pattern. We follow the simple but effective idea illustrated in Figure 4 and apply an outlier detector to the latent representation of our classifier – i.e., the output of the penultimate layer of the network. This approach leverages the fact that a classifier maps instances belonging to the same class in the same area of the latent space so that the last, fully connected layer can separate the classes by linear boundaries Zhu et al. (2018); Zhang et al. (2020). Hence, the latent representation of the known classes can be described by a multimodal distribution , where each mode is associated with a known class. We expect novelties to be mapped in low-density regions of the latent space with respect to . For this reason, we fit a Gaussian Mixture Model (GMM) with components, namely the number of known classes, and obtain a density to describe the distribution of the latent representations extracted by the SSCN trained on WDMs from known classes, i.e.:

(3)

where each Gaussian component for represents a known class. Then, at test time, we employ as novelty score the negative log-likelihood of , i.e., for each WDM ,

(4)

Eventually, a WDM is detected as Novel when , where is a threshold we set such that , where is the label associated to and is the target false positive probability.

To prevent from overfitting the latent representation of the training set, we use 90% of the data to train the SSCN, and compute the latent representation of another 5% of the training set. Then, we use these latent representations to fit by estimating its parameters using the well-known Expectation Maximization algorithm Dempster et al. (1977). Finally, we compute the novelty score (4) of each instance of the remaining 5% of the training data, and set the threshold as the empirical -quantile of these novelty scores. Since we employ the same latent representation for recognizing known and novel patterns, novelty detection does not require additional computations other than those needed to compute , compared to closed-set classification.

4.3 Data augmentation

The ST dataset is relatively small compared to the traditional datasets used for image classification and is characterized by an extreme class imbalance. Both these facts increase the risk of overfitting when training a deep classifier, and, in particular, the classification performance is likely to be poor on under-represented classes. To address this problem, we implement an ad-hoc data augmentation procedure based on a set of label-preserving transformations to be applied to the WDMs. Let denote the set of label-preserving transformations for WDMs belonging to the class :

(5)

where indicates the parameters that define each transformation , and is the set of transformation parameters specific for each class . Each combines different transformations widely used for data augmentation on images, such as rotations around the center, horizontal flips, and small translations of the defective coordinates. Together with this customary set of transformations, we also apply two transformations that we specifically designed for WDMs:

Noise injection consists in adding a small number of defects to each WDM at randomly sampled coordinates. This operation does not change the label of a WDM because a few randomly distributed defects are present in every wafer due to impurities naturally present in silicon. In particular, WDMs from the Normal class can be seen as pure noise because the defects do not form patterns associated with specific problems in the production line but are few and randomly spread within the wafer, as can be expected when the process is executed normally. For this reason, we compute the empirical distribution of the number of defects that are present in Normal WDMs in the ST dataset, and we draw from the number of defects to be injected in a WDM during augmentation. Our study and the experience of production engineers confirm that defects in Normal WDMs do not show any specific pattern. Thus we inject defects at uniformly sampled polar coordinates in , where is the wafer radius.

Random mixing consists in creating new training samples from under-represented classes, such as BasketBall and Slice, by superimposing randomly cropped parts of WDMs from the same class. This procedure is somewhat similar to mixup Zhang et al. (2018), which builds new training samples as linear combinations of instances of the training set. However, mixup is designed for relatively small images and cannot be directly applied to WDMs. Another difference is that we do not change the label of a WDM after applying random mixing. To this purpose, we empirically verified that this process preserves the label: production engineers at STMicroelectronics could not tell the original WDMs from those generated by random mixing.

We execute this data augmentation procedure in each training epoch to produce new augmented batches, and also when fitting , to obtain a sufficient number of samples from under-represented classes. This is done by generating several versions of each original WDM using class-specific transformations , whose parameters are randomly sampled from .

Test time augmentation. To stabilize the output and improve the classification performance we employ data augmentation also at test time, averaging the classification scores obtained on different augmented versions of each WDM from the test set, as in Simonyan and Zisserman (2015). Indeed, even though the features extracted by the network should, in principle, be invariant to the label-preserving transformations in , perfect invariance cannot be achieved in practice, thus combining the predictions of several augmented versions of the same WDM typically improves the classification performance Simonyan and Zisserman (2015). Since the labels of the test set cannot be assumed to be known, we define the set of transformations that preserve all the labels :

(6)

We exclude from our random mixing transformation, which constructs new training samples from under-represented classes such as BasketBall and Slice.

To apply data augmentation when testing an open-set recognition method, it is important to verify that the transformations in preserve not only the known class labels , but also the Novel class label considered at test time. This is certainly guaranteed when is a group since any that transforms a novelty into a sample of a known class would have an inverse that does not preserve the known class labels because it transforms an instance of a known class into a novelty. Here is a contradiction, therefore every preserves the Novel class label.

In our case, is not a group because noise injection has no inverse transformation in . However, noise injection naturally preserves every label, including Novel, since it simulates the noise affecting all the manufactured wafers. We can obtain the other transformations by composing, in any order, a rotation around the center of an angle , an optional horizontal flip and a translation in a random direction with maximum distance . The inverse of an element of can be obtained by composing, in the opposite order, the inverses of the rotation, horizontal flip, and translation that define . This implies that also , hence preserves the Novel class label by the same argument used above for the case in which is a group. Thus, we can safely employ the transformations in for data augmentation at test time without influencing the novelty-detection performance.

4.4 WDM monitoring pipeline

Here we summarize the proposed pipeline to classify a test WDM : first, we generate a set of augmented maps

(7)

where each is randomly sampled from (Section 4.3). Then, we feed all the WDMs in to the network, and average both the novelty score and the classification scores over all the augmented versions of contained in to stabilize the output, as in Simonyan and Zisserman (2015). Thus, output of our classifier is:

(8)

where is the threshold defined in Section 4.2 for the novelty score and indicates the classification scores of our SSCN (Section 4.1) obtained from . Thus, when a WDM is not detected as Novel, it is classified by taking the label maximizing the traditional classification score, averaged over the augmented versions of contained in .

5 Experiments

Our experiments show that: i) Submanifold Sparse Convolutional Networks handling Wafer Defect Maps at full resolution outperform traditional CNNs trained on low-resolution Wafer Bin Maps, ii) our data augmentation procedure is crucial to achieve good classification performance, and iii) our open-set recognition solution based on a GMM fitted on the latent representations extracted by our SSCN can detect novel patterns better than state-of-the-art open-set recognition methods.

5.1 Experimental Set Up

Dataset. We test our solution on the ST dataset, which contains 31,893 WDMs acquired at the STMicroelectronics plant in Agrate Brianza, Italy. These WDMs are either annotated as Normal, i.e., they do not contain any defect patterns, or belong to one of the 12 defect classes identified by STMicroelectronics engineers, which are illustrated in Figure 1(b).

Open-set recognition performance is typically assessed over models trained on datasets with numerous classes such as CIFAR-100 Krizhevsky et al. (2009), and ImageNet Russakovsky et al. (2015) so that a certain number of classes can be taken out during training and considered Novel at test time. However, in our industrial scenario, we have only 12 defect classes, and WDMs containing novel patterns have not been included in the dataset. For this reason, we follow a leave-one-out approach by training our model on all the known classes except a single defect class, which is considered Novel at test time. By doing so, we assess the capability of our model to recognize each defect class as novel when trained on the other classes. Since we want to detect novel defect patterns, we always consider the Normal class as known.

Figures of Merit. We assess the accuracy of the proposed SSCN on each known class by the confusion matrix. We also provide an overall evaluation of the classification performance using two multi-class extensions of the Area Under the ROC Curve (AUC). The first one is the 1vsRest-AUC Provost and Domingos (2003), which is a weighted average of the AUC values obtained in all the binary classification problems where each class is selected in turns as the positive class and all the remaining classes are merged in the negative class (1vsRest). We remark that, since the weight given to each positive class is its frequency in the test set Provost and Domingos (2003), the 1vsRest-AUC is influenced by class proportions. The second one is the 1vs1-AUC Hand and Till (2001), which is the average of the AUC values of the binary classification problems between every pair of classes (1vs1). Hand and Till Hand and Till (2001) show that, contrarily to the 1vsRest-AUC, the 1vs1-AUC is not influenced by the class proportions in the test set. Since the ST dataset is extremely imbalanced, it is important to observe both these figures of merit to analyze the classification performance on under-represented classes and assess our data augmentation procedure.

We employ 10-fold cross-validation and average all these figures of merit over the 10 test folds to provide an overall assessment of the classification performance. We also rank the considered methods (rank  for the best method, 2 for the second-best, and so on) according to the 1vsRest-AUC and the 1vs1-AUC, and compute their average rank over the 10 test folds to compare their classification performance, as suggested in Demšar (2006).

Detecting novel patterns is, in fact, a binary classification problem where novelties represent the positive class (Novel), and the known classes used for training are merged in the negative class (Known). Therefore, we can directly compute the AUC of these binary classification problems, which does not depend on class proportions, and this is crucial because novelties are rare. In contrast to other metrics such as F-scores, the AUC does not depend on how detection thresholds on the novelty scores are set, which allows to evaluate the effectiveness of different methods without setting the thresholds. To provide an overall assessment of the novelty-detection performance, we rank the considered methods according to the AUC and compute their average rank over the different novel classes as suggested in Demšar (2006).

5.2 Classification of known classes

In this experiment, we evaluate the classification performance of our solution over the thirteen classes identified so far by STMicroelectronics engineers. We train our SSCN using the Adam optimizer Kingma and Ba (2015) on an Nvidia Titan Xp GPU. Training the model for 100 epochs requires about 8 hours, while the average time to classify a WDM is seconds. This time includes the generation and processing of augmented WDMs as in (7). We explain the large variability of the classification time by observing that the number of operations executed by SSC layers directly depends on the input WDM sparsity, which varies substantially from class to class.

Confusion matrix of our SCNN obtained by 10-fold cross-validation on the ST dataset. Our network achieves very high accuracy on all the classes, and most misclassified samples belong to classes that are very similar, such as
Figure 5: Confusion matrix of our SCNN obtained by 10-fold cross-validation on the ST dataset. Our network achieves very high accuracy on all the classes, and most misclassified samples belong to classes that are very similar, such as ClusterSmall and Incomplete.

Considered methods. We compare the classification performance of the proposed SSCN with traditional CNNs for image classification. To this purpose, we reduce the resolution of the WDMs from to by binning and converting each WDM to a grayscale image where the intensity of each pixel is the number of defects that fall into the corresponding bin. Then, we use the resulting Wafer Bin Maps to fine-tune the VGG16 Simonyan and Zisserman (2015) and ResNet50 He et al. (2016) models, both pre-trained on the ImageNet dataset Russakovsky et al. (2015). We fine-tune the VGG16 and ResNet50 using the Adadelta Zeiler (2012) and Adam Kingma and Ba (2015) optimizers, respectively, since these yield the best performance.

We compare our SSCN to these models because fine-tuning CNNs for image classification is rather standard in wafer monitoring Wu et al. (2015), because it reduces the risk of overfitting. We do not employ custom architectures for wafer classification Yu et al. (2019); Saqlain et al. (2020) since the parameters of these models, pre-trained on the WM-811K dataset Wu et al. (2015), are not publicly available. Therefore, these deep models with several million parameters would risk overfitting when trained from scratch on the relatively small ST dataset. For a fair comparison with our SSCN, we train and test the VGG16 and ResNet50 using the same data augmentation described in Section 4.3 on the original WDMs, before reducing their resolution.

To assess the impact of data augmentation, we also evaluate the performance of our SSCN without data augmentation (both at training and test time), and with traditional augmentation, i.e., using only geometric transformations (translations, rotations, and flips). This experiment evaluates the importance of our custom transformations, namely noise injection and random mixing, in data augmentation.

our augmentation w/o aug. traditional augmentation
Class accuracy SSCN VGG16 ResNet50 SSCN SSCN VGG16 ResNet50
BasketBall 0.9545 0.9091 0.9091
ClusterBig 0.7880 0.7805 0.7917
ClusterSmall 0.7439 0.7844 0.7216
Donut 0.8933 0.8178 0.8133
Fingerprints 0.8571 0.7967 0.7857
GeoScratch 0.8694 0.8774 0.8678
Grid 0.9261 0.9545 0.9375
HalfMoon 0.7912 0.7349 0.7470
Incomplete 0.8965 0.9097 0.8904
Normal 0.9332 0.9132 0.9596
Ring 0.8224 0.8567 0.8552
Slice 0.9859 0.9437 0.9437
ZigZag 0.7681 0.7638 0.7064
1vsRest-AUC 0.9858 0.9818 0.9868
Avg. rank 1.8000 3.0000 1.2000
Wilcoxon p 0.0142 0.0025 0.0025 0.0844 0.0844 0.0372
1vs1-AUC 0.9893 0.9846 0.9849
Avg. rank 1.0000 2.6000 2.4000
Wilcoxon p 0.0025 0.0035 0.0025 0.0083 0.0025 0.0063
Table 1: Classification accuracy of the considered methods obtained by 10-fold cross-validation. We also report the average 1vsRest-AUC and 1vs1-AUC of the considered methods, their average rank on the 10 folds according to these metrics, and the p-values of the Wilcoxon test assessing the significance of the difference between the best-ranking method and each alternative Demšar (2006). We also evaluate the accuracy, 1vsRest-AUC and 1vs1-AUC of our SSCN without augmentation and of all the considered methods with traditional augmentation, and report the differences between these and the corresponding performances achieved with our augmentation procedure. Here the Wilcoxon test assesses the significance of the performance difference compared to the same method with our augmentation procedure.

Results and discussion. Figure 5 shows the confusion matrix of our SSCN network obtained by 10-fold cross-validation on the ST dataset. Our model achieves excellent classification accuracy, and we observe that the majority of prediction errors occur when our model fails to distinguish two classes containing very similar patterns (e.g., ClusterSmall and Incomplete, see Figure 1(b)). To make the comparison easier, we report in the first three columns of Table 1 only the class accuracy (i.e., the diagonal of the confusion matrix) of our SSCN, VGG16, and ResNet50, all trained and tested using our augmentation procedure. Table 1 also contains the average 1vsRest-AUC and 1vs1-AUC achieved by the considered methods on the test folds to compare their overall performance. As recommended in Demšar (2006), we also report the average rank of the considered method and the p-values of the one-sided Wilcoxon Signed-Rank test Wilcoxon (1945) assessing whether the difference between the 1vsRest-AUC and the 1vs1-AUC of the best-ranking method and those of the other methods is significant.

First, we observe that methods trained and tested with our data augmentation procedure achieve consistently high accuracy, and that our SSCN outperforms the other methods on six out of thirteen classes. Overall, our SSCN is the best in terms of 1vs1-AUC on all the 10 test folds (avg. rank), and the Wilcoxon Signed-Rank test confirms that the differences are statistically significant (p-value ). Notably, our SSCN outperforms the VGG16, which has a similar architecture to our SSCN, in both 1vsRest-AUC and 1vs1-AUC. The ResNet50 model is the best in terms of 1vsRest-AUC thanks to its high accuracy on the Normal class (approximately ), which is by far the most represented in the ST dataset (see Figure 1(b)), and the 1vsRest-AUC is sensitive to class proportions Provost and Domingos (2003). Our SSCN provides a better trade-off between the accuracy on the Normal class (over ) and accuracy on the other classes, as it outperforms the ResNet50 on nine out of twelve defect classes, often by a substantial margin. This explains the significant difference between the two in terms of 1vs1-AUC, which is not influenced by class proportions Hand and Till (2001).

To assess the impact of our data augmentation procedure on classification, we report in the fourth column of Table 1 the performance differences between the proposed solution, which leverages data augmentation both during training and testing, and the same SSCN architecture trained and tested without augmentation. Remarkably, training the VGG16 and ResNet50 without data augmentation leads to overfitting due to the fact that the ST dataset is relatively small and the considered CNNs have several million trainable parameters. In contrast, our SSCN can be effectively trained without augmentation since it has a substantially lower number of parameters. However, without augmentation, our SSCN achieves substantially lower classification accuracy on all classes except the Normal class, which is by far the most common in the ST dataset (see Figure 1(b)) and therefore can also be learned very accurately (approximately 96%) without augmentation. The SSCN without augmentation also achieves lower 1vsRest-AUC and 1vs1-AUC compared to our SSCN trained using our data augmentation procedure, and the differences are statistically significant (p-value ) according to the Wilcoxon test.

Similarly, the last three columns of Table 1 report the performance differences between the models trained and tested with our augmentation procedure (which includes noise injection and random mixing) and the same models trained and tested using only traditional augmentation, namely geometric transformations. We observe that traditional augmentation yields lower accuracy on most classes, and lower 1vsRest-AUC and 1vs1-AUC compared to the same model with our augmentation. According to the Wilcoxon test, the difference in 1vsRest-AUC is significant (p-value ) for the ResNet50. Remarkably, the differences in 1vs1-AUC are significant for all the considered models, which confirms that our augmentation procedure improves the robustness to class imbalance, since the 1vs1-AUC is not influenced by class proportions Hand and Till (2001).

5.3 Detection of novel patterns

In this experiment, we assess the performance of our solution in detecting WDMs containing novel defect patterns. After training our SSCN on the known classes, we fit a GMM on the latent representation and use the log-likelihood as novelty score, as illustrated in Section 4.2. In particular, we train twelve different models, each time taking out one of the defect classes, which we then consider Novel at test time. By doing so, we assess the open-set recognition performance of our solution in a realistic scenario where a new defective class unexpectedly occurs due to a production failure. Since some of the identified defect classes in the ST dataset (e.g., ClusterSmall and Incomplete) are very similar, we expect some novelties to be more difficult to detect than others.

Considered methods. We compare the novelty-detection performance of our solution against methods implementing the following open-set recognition techniques on the same SSCN:

  • SoftMax is a widely employed open-set recognition baseline Hendrycks and Gimpel (2017). It is based on the intuition that novelties are typically classified with low confidence. Let v be the score vector associated to a WDM , i.e., the output of the last fully-connected layer of our SSCN (or any neural network). Then, the SoftMax is defined as:

    (9)

    which guarantees that the scores are non-negative and sum to 1. The novelty score is simply , which is high when the posterior probability of the selected class is low.

  • PreSoftMax is based on the same idea as SoftMax, but uses as novelty score the opposite of the maximum classification score before applying SoftMax, i.e., . As remarked in Hendrycks and Gimpel (2017), even if all the scores v of a novel instance are low, SoftMax might still assign to one of the known classes with extremely high confidence since posteriors are forced to sum to 1, thus preventing SoftMax to detect as Novel. The PreSoftMax scores are not subject to this constraint, so they might be more informative than the SoftMax scores in detecting novelties.

  • OpenMax is a function designed in Bendale and Boult (2016) to replace SoftMax in open-set classifiers. This method employs as novelty score the likelihood of a Weibull distribution fitted on the distances between the score vectors v of a classifier and the Mean Activation Vectors (MAVs) of each known class, computed from the training set.

  • We denote by SME the open-set recognition method based on SoftMax Entropy proposed in Geng et al. (2020). SME relies of the observation that the posterior probability vectors of novel instances tend to have a larger Shannon entropy compared to instances of known classes, thus the novelty score is defined as the Shannon entropy of the posterior probabilities obtained by our SSCN, i.e., . This method is part of a broader solution for open-set recognition and one-shot detection Geng et al. (2020), but here we only consider the proposed open-set recognition solution.

  • We denote by IFOR the open-set recognition method proposed in Zhu et al. (2018) that applies the Isolation Forest Liu et al. (2008) outlier detector to the latent representation of the WDMs, i.e., to . The method presented in Zhu et al. (2018) considers a latent representation including the features extracted by a classifier and an embedding of the class labels to a semantic word space. However, in our industrial setting, there is no meaningful embedding of the labels to a semantic space. Hence we only consider as input.

  • We denote by CI the open-set recognition method proposed in Zhang et al. (2020) that applies an outlier detector based on Confidence Intervals to the latent representation of the classifier, treating each component of as an independent variable. This method computes a confidence interval for each component, where and are estimated from the training set, and its novelty score is the number of components of that exceed their confidence intervals.

Each of these methods produces a novelty score and, similarly to ours, requires a decision threshold computed on a small part of the dataset, as illustrated in Section 4.2. However, we evaluate the novelty-detection performance by the AUC, which does not depend on the threshold, nor, most importantly, on class proportions. SoftMax, PreSoftMax and SME do not require training other than that of the SSCN. In OpenMax, we follow the procedure presented in Bendale and Boult (2016) to compute the MAVs and fit the Weibull model from the entire dataset used to train the SSCN. For a fair comparison with our solution, we adopt in IFOR and CI the same procedure illustrated in Section 4.2, so we fit the Isolation Forest and compute the parameters , from a small portion of the dataset (5%) that was not used to train the SSCN.

We remark that open-set recognition solutions based on the reconstruction error of autoencoders Yoshihashi et al. (2019); Oza and Patel (2019); Sun et al. (2020) cannot be directly used on WDMs, hence we have not considered them. Instead, we have focused on open-set recognition methods built on top of a pre-trained SSCN, which can accurately classify WDMs from known classes. This enables a fair comparison between the novelty detection power of methods that achieve the same classification performance over known classes, which is of paramount importance in our industrial scenario.

Results and discussion. Table 2 reports the AUC achieved by the considered methods in novelty detection. As suggested in Demšar (2006), we also report the average rank of the considered methods over the twelve Novel classes and the p-values of the one-sided Wilcoxon Signed-Rank test Wilcoxon (1945) assessing whether the difference between the AUC of our solution, which is the best in terms of ranking, and those of the other methods is significant. Moreover, we apply the nonparametric Mann-Whitney test on the novelty scores of the best and second-best performing methods on each Novel class to assess whether the difference is statistically significant. This test is suggested in DeLong et al. (1988) to compare the AUC of two methods on a binary-classification problem.

Novel class SoftMax Hendrycks and Gimpel (2017) PreSoftMax OpenMax Bendale and Boult (2016) SME Geng et al. (2020) IFOR Zhu et al. (2018) CI Zhang et al. (2020) GMM (ours)
BasketBall 0.3697 0.3234 0.3455 0.3191 0.9812 0.4009 0.9894
ClusterBig 0.7022 0.8272 0.7216 0.6776 0.9541 0.6195 0.9543
ClusterSmall 0.8672 0.9003 0.8775 0.8813 0.7694 0.8169 0.8227
Donut 0.4692 0.8508 0.6614 0.4270 0.9596 0.4916 0.9515
Fingerprints 0.8418 0.9222 0.8556 0.8234 0.8710 0.8214 0.9249
GeoScratch 0.6377 0.7282 0.6699 0.6177 0.7997 0.8557 0.8562
Grid 0.6716 0.5297 0.5454 0.6438 0.8933 0.4989 0.8907
HalfMoon 0.7465 0.8566 0.7918 0.7375 0.8234 0.8641 0.8873
Incomplete 0.8162 0.8438 0.8319 0.8258 0.5752 0.7672 0.7244
Ring 0.4898 0.4928 0.5211 0.4626 0.8590 0.7376 0.9196
Slice 0.8313 0.6944 0.7772 0.7723 0.8887 0.7969 0.9050
ZigZag 0.6448 0.7251 0.6647 0.6269 0.8802 0.8865 0.9149
Avg. rank 4.8333 3.7500 4.2500 5.7500 3.0833 4.4167 1.9167
Wilcoxon p 0.0024 0.0061 0.0024 0.0012 0.0024 0.0024
Table 2: Area Under the ROC Curve (AUC) of the considered methods in detecting the considered Novel classes. Bold indicates the best values, and the underlined best AUC values are significantly higher than the second-best on the same novel class (p-value ) according to the Mann-Whitney test DeLong et al. (1988). To compare the overall performance of the considered methods, we report the average rank over the novel classes and the p-values obtained by the one-sided Wilcoxon Signed-Rank test assessing the significance of the performance differences between our solution and each alternative method singularly, as recommended in Demšar (2006).

Table 2 indicates that the proposed GMM is the best method in detecting eight out of the twelve novel classes, five of which with statistical significance (p-value ) according to the Mann-Whitney test DeLong et al. (1988). As we note in our first experiment, some classes are very similar and might be easily confused by the classifier (e.g., ClusterSmall and Incomplete), therefore they are more difficult to detect as novelties than others, as is apparent from Table 2. Most importantly, our solution achieves the best average rank among the considered methods, and the p-values of the Wilcoxon test show that there is enough statistical evidence to claim that GMM performs significantly better (p-value ) than all the alternative methods.

The AUC values achieved by IFOR follow a trend similar to those of GMM, even though inferior in most cases. Since we expect that follows a multimodal distribution due to the presence of different known classes, the explicitly multimodal GMM outperforms IFOR, which is completely nonparametric. In contrast, SME and CI achieve relatively good results only on few specific novel classes, such as ClusterSmall. SoftMax performs worse than most of the other methods: as expected, novelties are often classified with high confidence due to the SoftMax operation. OpenMax performs better than SoftMax according to the average ranks but worse than GMM. Perhaps surprisingly, PreSoftMax performs very well, and represents the best method to detect ClusterSmall and Incomplete. This is probably due to the fact that these two classes are difficult to distinguish, hence the SSCN often classifies them with low confidence.

The fact that PreSoftMax outperforms OpenMax and SoftMax outperforms SME shows that the highest classification score (before and after applying SoftMax) is the most informative for novelty detection in WDMs, confirming the intuition that novelties are likely to be classified with low confidence. By also considering the other scores, OpenMax and SME search for outliers in a 12-dimensional space where most dimensions are not informative for novelty detection, while PreSoftMax and SoftMax operate on a 1-dimensional space since they only consider the highest score. For this reason, we speculate that OpenMax and SME might suffer from an effect similar to detectability loss Alippi et al. (2016) i.e., the higher the dimensionality, the harder it is to detect a distribution change.

6 Conclusions

The effective and automatic monitoring of large volumes of silicon wafers is a crucial challenge to improve the quality and efficiency of industries operating in this sector. This paper addresses the problem of open-set pattern recognition on Wafer Defect Maps. We show that a simple deep-learning model based on Submanifold Sparse Convolutions taking full-resolution WDMs as input is substantially more robust to class imbalance compared to fine-tuning pre-trained CNNs, which can only process relatively small images. This suggests that binning WDMs to reduce their size leads to a relevant information loss, and thus Submanifold Sparse Convolutional Networks are the perfect instrument to process WDMs at their original resolution. Moreover, we are the first to address the open-set recognition problem on WDMs, which is of paramount importance for semiconductor industries because novel patterns might occur due to production issues that have never been observed before. To this purpose, we combine our Submanifold Sparse Convolutional network with a novelty detector based on a Gaussian Mixture Model fitted on the latent representation of the network. We show that our solution outperforms state-of-the-art open-set recognition methods in novelty detection. Moreover, we present a class-specific data augmentation procedure for WDMs that is fundamental to prevent the class imbalance from influencing the classification performance. We also show that our data augmentation can be safely used at test time because the transformations preserve the known class labels and the Novel class label.

Besides the deployment of our solution in several STMicroelectronics production sites, we are studying other industrial settings that operate with point clouds, such as those described in Bergamasco et al. (2020). Moreover, we are investigating strategies for training at the same time the classifier and the GMM using the technique proposed in Zong et al. (2018) to encourage the latent representation of an autoencoder to follow a Gaussian Mixture distribution.

Acknowledgements

We gratefully acknowledge the support of NVIDIA Corporation with the donation of the Titan Xp GPU that researchers from Politecnico di Milano have used in this work.

References

  • R. Abiantun, F. Juefei-Xu, U. Prabhu, and M. Savvides (2019) SSR2: sparse signal recovery for single-image super-resolution on faces with extreme low resolutions. Pattern Recognition 90, pp. 308–324. Cited by: §1.
  • C. Alippi, G. Boracchi, D. Carrera, and M. Roveri (2016) Change detection in multivariate datastreams: likelihood and detectability loss. In International Joint Conference on Artificial Intelligence, pp. 1368–1374. Cited by: §5.3.
  • A. Bendale and T. E. Boult (2016) Towards open set deep networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 1563–1572. Cited by: §2.2, item 3, §5.3, Table 2.
  • A. Bendale and T. Boult (2015) Towards open world recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 1893–1902. Cited by: §2.2.
  • F. Bergamasco, M. Pistellato, A. Albarelli, and A. Torsello (2020) Cylinders extraction in non-oriented point clouds as a clustering problem. Pattern Recognition, pp. 107443. Cited by: §1, §6.
  • H. Cevikalp, B. Uzun, O. Köpüklü, and G. Ozturk (2021) Deep compact polyhedral conic classifier for open and closed set recognition. Pattern Recognition 119, pp. 108080. Cited by: §2.2.
  • C. Chang, T. Chao, J. Horng, C. Lu, and R. Yeh (2012) Development pattern recognition model for the classification of circuit probe wafer maps on semiconductors. IEEE Transactions on Components, Packaging and Manufacturing Technology 2 (12), pp. 2089–2097. Cited by: §2.1, §2.1.
  • S. Chen, R. Xia, J. Zhao, Y. Chen, and M. Hu (2017) A hybrid method for ellipse detection in industrial images. Pattern Recognition 68, pp. 82–98. Cited by: §1.
  • S. Cheon, H. Lee, C. O. Kim, and S. H. Lee (2019) Convolutional neural network for wafer surface defect classification and the detection of unknown defect class. IEEE Transactions on Semiconductor Manufacturing 32 (2), pp. 163–170. Cited by: §2.1, §2.2.
  • E. R. DeLong, D. M. DeLong, and D. L. Clarke-Pearson (1988) Comparing the areas under two or more correlated receiver operating characteristic curves: a nonparametric approach. Biometrics, pp. 837–845. Cited by: §5.3, §5.3, Table 2.
  • A. P. Dempster, N. M. Laird, and D. B. Rubin (1977) Maximum likelihood from incomplete data via the EM algorithm. Journal of the Royal Statistical Society: Series B (Methodological) 39 (1), pp. 1–22. Cited by: §4.2.
  • J. Demšar (2006) Statistical comparisons of classifiers over multiple data sets. Journal of Machine Learning Research 7 (Jan), pp. 1–30. Cited by: §5.1, §5.1, §5.2, §5.3, Table 1, Table 2.
  • R. di Bella, D. Carrera, B. Rossi, P. Fragneto, and G. Boracchi (2019) Wafer defect map classification using sparse convolutional networks. In International Conference on Image Analysis and Processing, pp. 125–136. Cited by: §1, §1, §2.1, §2.1.
  • X. Dong, S. Kim, Z. Jin, J. Y. Hwang, S. Cho, and A. B. J. Teoh (2020) Open-set face identification with index-of-max hashing by learning. Pattern Recognition 103, pp. 107277. Cited by: §1.
  • M. Fan, Q. Wang, and B. van der Waal (2016) Wafer defect patterns recognition based on optics and multi-label classification. In Proceedings of the IEEE Advanced Information Management, Communicates, Electronic and Automation Control Conference (IMCEC), pp. 912–915. Cited by: §2.1, §2.1.
  • C. Geng, L. Tao, and S. Chen (2020) Guided CNN for generalized zero-shot and open-set recognition using visual and semantic prototypes. Pattern Recognition 102, pp. 107263. Cited by: §1, item 4, Table 2.
  • B. Graham, M. Engelcke, and L. van der Maaten (2018) 3d semantic segmentation with submanifold sparse convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), pp. 9224–9232. Cited by: §1, §4.1.
  • D. J. Hand and R. J. Till (2001) A simple generalisation of the area under the roc curve for multiple class classification problems. Machine Learning 45 (2), pp. 171–186. Cited by: §5.1, §5.2, §5.2.
  • K. He, X. Zhang, S. Ren, and J. Sun (2016) Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 770–778. Cited by: §4.1, §5.2.
  • D. Hendrycks and K. Gimpel (2017) A baseline for detecting misclassified and out-of-distribution examples in neural networks. In International Conference on Learning Representations, Cited by: §3, item 1, item 2, Table 2.
  • S. Huang, X. Zeng, S. Wu, Z. Yu, M. Azzam, and H. Wong (2020) Behavior regularized prototypical networks for semi-supervised few-shot image classification. Pattern Recognition, pp. 107765. Cited by: §1.
  • S. Huang and Y. Pan (2015) Automated visual inspection in the semiconductor industry: a survey. Computers in Industry 66, pp. 1–10. Cited by: §1, §2.
  • D. P. Kingma and J. Ba (2015) Adam: a method for stochastic optimization. In 3rd International Conference on Learning Representations, Cited by: §5.2, §5.2.
  • A. Krizhevsky, G. Hinton, et al. (2009) Learning multiple layers of features from tiny images. Cited by: §5.1.
  • W. Li and D. Tsai (2012) Wavelet-based defect detection in solar wafer images with inhomogeneous texture. Pattern Recognition 45 (2), pp. 742–756. Cited by: §2.1.
  • F. T. Liu, K. M. Ting, and Z. Zhou (2008) Isolation forest. In 2008 Eighth IEEE International Conference on Data Mining, pp. 413–422. Cited by: §2.2, item 5.
  • K. Nakata, R. Orihara, Y. Mizuoka, and K. Takagi (2017) A comprehensive big-data-based monitoring system for yield enhancement in semiconductor manufacturing. IEEE Transactions on Semiconductor Manufacturing 30 (4), pp. 339–344. Cited by: §2.1, §2.1.
  • T. Nakazawa and D. V. Kulkarni (2018) Wafer map defect pattern classification and image retrieval using convolutional neural network. IEEE Transactions on Semiconductor Manufacturing 31 (2), pp. 309–314. Cited by: §2.1, §2.1, §4.1.
  • P. Oza and V. M. Patel (2019) C2AE: class conditioned auto-encoder for open-set recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 2307–2316. Cited by: §2.2, §5.3.
  • F. Provost and P. Domingos (2003) Tree induction for probability-based ranking. Machine Learning 52 (3), pp. 199–215. Cited by: §5.1, §5.2.
  • O. Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh, S. Ma, Z. Huang, A. Karpathy, A. Khosla, M. Bernstein, et al. (2015) Imagenet large scale visual recognition challenge. International Journal of Computer Vision 115 (3), pp. 211–252. Cited by: §5.1, §5.2.
  • Y. Sakata, Y. Takagi, H. Okuda, et al. (2005) Successive pattern classification based on test feature classifier and its application to defect image classification. Pattern Recognition 38 (11), pp. 1847–1856. Cited by: §2.1.
  • M. Saqlain, Q. Abbas, and J. Y. Lee (2020) A deep convolutional neural network for wafer defect identification on an imbalanced dataset in semiconductor manufacturing processes. IEEE Transactions on Semiconductor Manufacturing. Cited by: §2.1, §2.1, §4.1, §5.2.
  • W. J. Scheirer, L. P. Jain, and T. E. Boult (2014) Probability models for open set recognition. IEEE Transactions on Pattern Analysis and Machine Intelligence 36 (11), pp. 2317–2324. Cited by: §1, §2.2, §2.2.
  • K. Simonyan and A. Zisserman (2015) Very deep convolutional networks for large-scale image recognition. In 3rd International Conference on Learning Representations, Cited by: §4.1, §4.1, §4.1, §4.3, §4.4, §5.2.
  • R. Socher, M. Ganjoo, C. D. Manning, and A. Ng (2013) Zero-shot learning through cross-modal transfer. In Advances in Neural Information Processing Systems, pp. 935–943. Cited by: §2.2.
  • X. Sun, Z. Yang, C. Zhang, K. Ling, and G. Peng (2020) Conditional gaussian distribution learning for open set recognition. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 13480–13489. Cited by: §2.2, §3, §5.3.
  • F. Wilcoxon (1945) Individual comparisons by ranking methods. Biometrics 1 (6), pp. 80–83. Cited by: §5.2, §5.3.
  • M. Wu, J. R. Jang, and J. Chen (2015) Wafer map failure pattern recognition and similarity ranking for large-scale data sets. IEEE Transactions on Semiconductor Manufacturing 28 (1), pp. 1–12. Cited by: §2.1, §5.2.
  • R. Yoshihashi, W. Shao, R. Kawakami, S. You, M. Iida, and T. Naemura (2019) Classification-reconstruction learning for open-set recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 4016–4025. Cited by: §2.2, §5.3.
  • J. Yu and X. Lu (2016) Wafer map defect detection and recognition using joint local and nonlocal linear discriminant analysis. IEEE Transactions on Semiconductor Manufacturing 29 (1), pp. 33–43. Cited by: §2.1, §2.1.
  • N. Yu, Q. Xu, and H. Wang (2019) Wafer defect pattern recognition and analysis based on convolutional neural network. IEEE Transactions on Semiconductor Manufacturing 32 (4), pp. 566–573. Cited by: §2.1, §2.1, §4.1, §5.2.
  • M. D. Zeiler (2012) ADADELTA: an adaptive learning rate method. arXiv preprint arXiv:1212.5701. Cited by: §5.2.
  • H. Zhang and V. M. Patel (2016) Sparse representation-based open set recognition. IEEE Transactions on Pattern Analysis and Machine Intelligence 39 (8), pp. 1690–1696. Cited by: §2.2.
  • H. Zhang, M. Cisse, Y. N. Dauphin, and D. Lopez-Paz (2018) Mixup: beyond empirical risk minimization. In International Conference on Learning Representations, Cited by: §4.3.
  • Y. Zhang, Y. Wang, X. Liu, S. Mi, and M. Zhang (2020) Large-scale multi-label classification using unknown streaming images. Pattern Recognition 99, pp. 107100. Cited by: §2.2, §4.2, item 6, Table 2.
  • Y. Zhu, K. M. Ting, and Z. Zhou (2018) Multi-label learning with emerging new labels. IEEE Transactions on Knowledge and Data Engineering 30 (10), pp. 1901–1914. Cited by: §2.2, §4.2, item 5, Table 2.
  • B. Zong, Q. Song, M. R. Min, W. Cheng, C. Lumezanu, D. Cho, and H. Chen (2018) Deep autoencoding gaussian mixture model for unsupervised anomaly detection. In International Conference on Learning Representations, Cited by: §6.

Luca Frittoli graduated in Mathematics at Università degli Studi di Milano in 2018, and is currently working towards the Ph.D. in Information Technology at Politecnico di Milano. His research interests regard change detection in datastreams and anomaly detection in non-matrix data.

Diego Carrera graduated in Mathematics at Università degli Studi di Milano in 2013 and received the Ph.D. in Information Technology at Politecnico di Milano in 2018. He joined STMicroelectronics in 2019, and he is currently developing automatic quality inspection systems to monitor the wafer production.

Beatrice Rossi graduated in Mathematics and Applications at Università degli Studi di Milano Bicocca in 2008. Since then she has been working at STMicroelectronics, System Research and Applications. Her research interests include Machine Learning techniques for Anomaly Detection and Image Classification, and Distributed Ledger Technology for the IoT.

Pasqualina Fragneto graduated in Mathematics at Università degli Studi di Napoli in 1998. Currently, she is leading the Applied Math Team at STMicroelectronics, System Research and Applications. Her activities concern the introduction of intelligent systems in production and the development of advanced and modular manufacturing technologies.

Giacomo Boracchi is an Associate Professor at Politecnico di Milano, where he also received the Ph.D. in Information Technology (2008). His research interests concern image processing and machine learning, and in particular algorithms for image restoration and analysis, change/anomaly detection, domain adaptation.