Exploiting Conjugate Label Information for Multi-Instance
Partial-Label Learning
Abstract
Multi-instance partial-label learning (MIPL) addresses scenarios where each training sample is represented as a multi-instance bag associated with a candidate label set containing one true label and several false positives. Existing MIPL algorithms have primarily focused on mapping multi-instance bags to candidate label sets for disambiguation, disregarding the intrinsic properties of the label space and the supervised information provided by non-candidate label sets. In this paper, we propose an algorithm named EliMipl, i.e., Exploiting conjugate Label Information for Multi-Instance Partial-Label learning, which exploits the conjugate label information to improve the disambiguation performance. To achieve this, we extract the label information embedded in both candidate and non-candidate label sets, incorporating the intrinsic properties of the label space. Experimental results obtained from benchmark and real-world datasets demonstrate the superiority of the proposed EliMipl over existing MIPL algorithms and other well-established partial-label learning algorithms.
1 Introduction
Weakly supervised learning has emerged as a powerful strategy in scenarios with limited annotated data. Based on label quality and quantity, weak supervision can be broadly categorized into three types: inaccurate, inexact, and incomplete supervision Zhou (2018). Inexact supervision refers to a coarse correspondence between instances and labels. To work with inexact supervision, these are two prevalent learning paradigms, i.e., multi-instance learning (MIL) Amores (2013); Carbonneau et al. (2018); Ilse et al. (2018); Zhang et al. (2022c, b) and partial-label learning (PLL) Cour et al. (2011); Lyu et al. (2020); Zhang et al. (2022a); He et al. (2022); Gong et al. (2022); Li et al. (2023). In MIL, a sample is represented as a bag of instances and associated with a single bag-level label, while the instance-level labels are inaccessible to the learner. In PLL, a sample is represented as a single instance and linked to a candidate label set, including one true label and multiple false positives. Therefore, MIL and PLL can be perceived as two sides of the same coin: inexact supervision within MIL manifests in the instance space, whereas inexact supervision appears in the label space within PLL.
However, many tasks exhibit a phenomenon of dual inexact supervision, where ambiguity arises in both instance and label spaces. To work with the dual inexact supervision, Tang et al. Tang et al. (2024) introduced a learning paradigm known as multi-instance partial-label learning (MIPL) and developed a Gaussian Processes-based algorithm (MiplGp), which derives a bag-level predictor by aggregating predictions of all instances within the same bag. To capture global representations for multi-instance bags, an algorithm named DeMipl equipped with an attention mechanism is introduced Tang et al. (2023). The existing algorithms mainly operate in the instance space and only utilize the candidate label information.
The non-candidate label set holds crucial roles in MIPL. In histopathological image classification, images are commonly segmented into patches Campanella et al. (2019), and their labels may come from crowd-sourced annotators rather than expert pathologists Grote et al. (2019). Figure 1(a) illustrates that crowd-sourced annotators treat an image as a multi-instance bag and provide a candidate label set , whose candidate label matrix can be written as . Similarly, the non-candidate label set corresponds to the non-candidate label matrix , indicating that must not belong to categories , , or . Therefore, we can extract exact supervision from the non-candidate label set. As depicted in Figure 1(b), we decompose a complete label matrix into a candidate label matrix and a non-candidate label matrix . Subsequently, may be further disintegrated into a false positive label matrix and a true label matrix , i.e., . Notably, is sparse, as each row must have one and only one non-zero element. However, the current MIPL algorithms have predominantly concentrated on the mappings from multi-instance bags to , neglecting the sparsity of and the information from .
Consequently, Figure 2 illustrates the predicted probabilities on the true label, along with the average predicted probabilities on each candidate label and non-candidate label. The left side depicts the probabilities of the DeMipl, revealing proximity in the average predicted probabilities on candidate and non-candidate labels. This observation indicates that DeMipl encounters difficulty in effectively discerning between candidate and non-candidate labels. To address this challenge, we introduce the concept of conjugate label information (CLI), encapsulating information from both candidate and non-candidate label sets, along with the sparsity of the true label matrix. The right side in Figure 2 shows the predicted probabilities when exploiting the CLI. It is evident that (a) the predicted probabilities on the true label exhibit a noticeable increase, (b) the average predicted probabilities on the non-candidate label are reduced, and (c) the average probabilities on each candidate label and non-candidate label are distinctly separated. This suggests that the CLI conduce to train a more discriminative MIPL classifier.
In this paper, we present an algorithm named EliMipl, i.e., Exploiting conjugate Label Information for Multi-Instance Partial-Label learning. Firstly, we introduce a scaled additive attention mechanism to aggregate each multi-instance bag into a bag-level feature representation. Secondly, to enhance the utilization of candidate label information, we leverage the mappings from the bag-level features to the candidate label sets, coupled with the sparsity of the candidate label matrix. Lastly, to incorporate the non-candidate label information, we propose an inhibition loss to diminish the model’s predictions on the non-candidate labels. To the best of our knowledge, we are the first to introduce the scaled additive attention mechanism and the CLI in MIPL. Extensive experimental results demonstrate that EliMipl outperforms the state-of-the-art MIPL algorithms and the PLL algorithms.
2 Related Work
2.1 Multi-Instance Learning
Originating from drug activity prediction Dietterich et al. (1997), MIL has found extensive adoption in diverse applications, including text classification Zhou et al. (2009); Zhang (2021) and image annotation Wang et al. (2018). Contemporary deep MIL approaches predominantly rely on attention mechanisms Wang et al. (2022b); Chen et al. (2022); Tan et al. (2023). Ilse et al. Ilse et al. (2018) introduced attention mechanisms to aggregate each multi-instance bag into a feature vector. For multi-classification tasks, Shi et al. Shi et al. (2020) proposed a loss-based attention mechanism to learn instance-level weights, predictions, and bag-level predictions. Furthermore, researchers have explored the intrinsic attributes of attention mechanisms to improve performance Cui et al. (2023); Xiang et al. (2023). While these approaches achieve promising results in cases with exact bag-level labels, they face challenges in learning from ambiguous bag-level labels.
2.2 Partial-Label Learning
Recent PLL approaches heavily rely on deep learning techniques. Yao et al. Yao et al. (2020) employed deep convolutional neural networks for feature extraction and utilized the exponential moving average technique to uncover latent true labels. Building on the empirical risk minimization principle, Lv et al. Lv et al. (2020) devised a classifier-consistent risk estimator that progressively identifies true labels. Similarly, Feng et al. Feng et al. (2020) delved into the generation process of partial-labeled data, proposing both a risk-consistent approach and a classifier-consistent approach. Taking a more generalized stance, Wen et al. Wen et al. (2021) presented a weighted loss function capable of accommodating various methods through distinct weight assignments. Furthermore, Wu et al. Wu et al. (2022) proposed a supervised loss to constrain outputs on non-candidate labels, coupled with consistency regularization on candidate labels. While the supervised loss bears resemblance to our inhibition loss, our proposed CLI loss incorporates additional components, namely the mapping loss and the sparse loss. Although these methods effectively learn from partial-labeled data, they lack the capability to manage multi-instance bags.
2.3 Multi-Instance Partial-Label Learning
In contrast to the inherent limitations of addressing only unilateral inexact supervision in MIL and PLL, MIPL possesses the capability to work with dual inexact supervision. To the best of our knowledge, there are only two viable MIPL algorithms. Tang et al. Tang et al. (2024) is the first to introduce the framework of MIPL along with a Gaussian processes-based algorithm (MiplGp), which follows an instance-space paradigm. MiplGp begins by augmenting a negative class for each candidate label set, subsequently treating the candidate label set of each multi-instance bag as that of each instance within the bag. Finally, it employs the Dirichlet disambiguation strategy and the Gaussian processes regression model for disambiguation. Differing from MiplGp, DeMipl follows the embedded-space paradigm and aggregates each multi-instance bag into a feature representation and employs a momentum-based disambiguation strategy to find true labels from candidate label sets Tang et al. (2023). However, both methods primarily depend on mapping from instances or multi-instance bags to candidate label sets for disambiguation, without considering the proposed CLI in this paper.
3 Methodology
3.1 Preliminaries
In this study, we define a MIPL training dataset as , comprising multi-instance bags and their corresponding candidate label sets. Specifically, a candidate label set consists of one true label and multiple false positive labels, but the true label is unknown. It is crucial to note that a bag contains at least one instance pertaining to the true label, while excluding any instances corresponding to false positive labels. The instance space is denoted as , while the label space encompasses class labels. The -th bag comprises instances of dimension . Both the candidate label set and the non-candidate label set are proper subsets of the label space , satisfying the conditions , where denotes the cardinality of a set.
The pipeline of the proposed EliMipl is depicted in Figure 3, which contains three main components: an instance-level feature extractor, a scaled additive attention mechanism, and a classifier. When presented with a multi-instance bag along with its associated candidate label set and non-candidate label set , we initially employ a feature extractor to procure instance-level feature representations. Subsequently, the scaled additive attention mechanism is applied to aggregate a bag of instances into a unified bag-level feature representation. Finally, the classifier is invoked to estimate the class probabilities based on the bag-level features. To utilize the CLI, we introduce a mapping loss and a sparsity loss to disambiguate the candidate label sets, along with an inhibition loss to suppress the model’s prediction over the non-candidate label sets.
3.2 Instance-Level Feature Extractor
For a given multi-instance bag with instances, instance-level feature representations are learned using a feature extractor as follows:
(1) |
where indicates the feature representation of the -th instance within the -th multi-instance bag, and is a neural network comprised of two components, i.e., . Here, is a feature extractor that can be tailored to the specific characteristics of the datasets, and is composed of fully connected layers that map instance-level features to an embedded space of dimension .
3.3 Scaled Additive Attention Mechanism
To aggregate instance-level features into bag-level representations, we introduce a scaled additive attention mechanism specifically designed for MIPL. The existing attention mechanism for MIPL utilizes the sigmoid function for calculating attention scores, followed by normalization Tang et al. (2023). The attention scores derived through the sigmoid function are constrained within the range , leading to a limited distinction between instances. Therefore, we introduce an additive attention mechanism calculating attention scores by the softmax function to distinguish instances, equipped with a scaling factor to prevent vanishing gradients Vaswani et al. (2017). Specifically, we first denote the output of the additive attention mechanism as , quantifying the impact of the -th instance on the -th bag as follows:
(2) |
where , , , , and are learnable parameters. and are the hyperbolic tangent and sigmoid functions, respectively. The operator denotes element-wise multiplication. Then, we normalize using softmax with a scaling factor to derive the attention score:
(3) |
where represents the attention score of the -th instance in the -th bag. Finally, we consolidate the instance-level features into a bag-level representation, as demonstrated below:
(4) |
where represents the bag-level representation of the -th multi-instance bag. The bag-level representations of all multi-instance bags in the training dataset are denoted by .
3.4 Conjugate Label Information
Candidate Label Information.
Once the bag-level feature representations are acquired, the subsequent task is to disambiguate the candidate label set. The disambiguation entails establishing the mapping relationship from the bag-level features to their corresponding candidate label set. The goal of precise mapping is to guide the classifier to assign higher class probabilities to true labels and lower probabilities to false positive labels. To attain this objective, we employ a weighted mapping loss function:
(5) |
where is the classifier, and represents the classifier’s prediction probability for the candidate label . denotes the weight assigned to the prediction of the -th class at the -th epoch, using the features of the -th bag as input for the classifier. For candidate labels, we initialize through an averaging approach. During training, we update by computing a weighted sum of the classifier’s outputs at both the previous epoch and current epoch as follows:
(6) |
where is dynamically adjusted across epochs, and is the maximum of the training epochs.
While the mapping loss can assess the relative labeling probabilities of candidate labels, it fails to capture the mutually exclusive relationships among the candidate labels. To address this issue in PLL, Feng et al. Feng and An (2019) introduced the maximum infinity norm on the predicted probabilities of all classes and alternately optimize the maximum infinity norm by solving independent quadratic programming problems. However, as depicted in Figure 1(b), we observe that each row of the true label matrix exhibits sparsity. Although the true labels remain inaccessible during the training process, we encourage the classifier to generate sparse prediction probabilities for the candidate labels. Specifically, the goal is to push the prediction probability of the unknown true label toward while simultaneously driving the prediction probabilities of other candidate labels toward . Therefore, we directly capture the mutually exclusive relationships among the candidate labels by implementing the sparsity loss, as detailed below:
(7) |
where and is the prediction probabilities and the candidate label set matrix of the -th bag, respectively. denotes element-wise multiplication. Since minimizing the norm is NP-hard, we employ the norm as a surrogate for the norm, promoting sparsity while allowing for efficient optimization Wright and Ma (2022).
Dataset | #bag | #ins | max. #ins | min. #ins | avg. #ins | #dim | #class | avg. #CLs | domain |
---|---|---|---|---|---|---|---|---|---|
MNIST-MIPL (MNIST) | 500 | 20664 | 48 | 35 | 41.33 | 784 | 5 | 2, 3, 4 | image |
FMNIST-MIPL (FMNIST) | 500 | 20810 | 48 | 36 | 41.62 | 784 | 5 | 2, 3, 4 | image |
Birdsong-MIPL (Birdsong) | 1300 | 48425 | 76 | 25 | 37.25 | 38 | 13 | 2, 3, 4 | biology |
SIVAL-MIPL (SIVAL) | 1500 | 47414 | 32 | 31 | 31.61 | 30 | 25 | 2, 3, 4 | image |
CRC-MIPL-Row (C-Row) | 7000 | 56000 | 8 | 8 | 8 | 9 | 7 | 2.08 | image |
CRC-MIPL-SBN (C-SBN) | 7000 | 63000 | 9 | 9 | 9 | 15 | 7 | 2.08 | image |
CRC-MIPL-KMeansSeg (C-KMeans) | 7000 | 30178 | 6 | 3 | 4.311 | 6 | 7 | 2.08 | image |
CRC-MIPL-SIFT (C-SIFT) | 7000 | 175000 | 25 | 25 | 25 | 128 | 7 | 2.08 | image |
Non-candidate Label Information.
For a multi-instance bag linked to a candidate label set , the non-candidate label set complements the candidate label set within the label space . As the label space has a fixed size, an antagonistic relationship arises between the non-candidate and candidate label sets. To enhance the classifier’s prediction probabilities for the candidate label set, a natural strategy is to diminish the classifier’s prediction probabilities for the non-candidate label set. Motivated by this insight, we introduce an inhibition loss as follows:
(8) |
where denotes the classifier’s prediction probability over the non-candidate label .
CLI Loss.
During the training, CLI is formed by a loss function named CLI loss that is a weighted fusion of the mapping loss, sparsity loss, and inhibition loss, as shown below:
(9) |
where and represent the weighting coefficients for the sparsity loss and the inhibition loss, respectively.
Algorithm 1 summarizes the training procedure of EliMipl. Firstly, the algorithm initializes the weights for the mapping loss uniformly (Step ). Subsequently, instance-level features are extracted and aggregated into bag-level features within each mini-batch (Steps -). The algorithm then updates the weights for the mapping loss and calculates the total loss function (Steps -). Finally, the model is optimized using gradient descent (Steps and ).
4 Experiments
In this section, we begin by introducing the experimental configurations, including the datasets, comparative algorithms, and the parameters used in the experiments. Subsequently, we present the experimental results on both benchmark and real-world datasets. Finally, we conduct further analysis to gain deeper insights into the impact of CLI.
4.1 Experimental Configurations
Datasets.
We employ four benchmark MIPL datasets Tang et al. (2024, 2023): MNIST-MIPL, FMNIST-MIPL, Birdsong-MIPL, and SIVAL-MIPL, spanning diverse domains such as image analysis and biology LeCun et al. (1998); Xiao et al. (2017); Briggs et al. (2012); Settles et al. (2007). The characteristics of the datasets are presented in Table 1, where the abbreviations within parentheses in the first column represent the abbreviated names of the MIPL datasets. The dataset includes quantities of multi-instance bags and total instances, denoted as #bag and #ins, respectively. Additionally, we use max. #ins, min. #ins, and avg. #ins to indicate the maximum, minimum, and average instance count within all bags. The dimensionality of the instance-level feature is represented by #dim. Labeling details are elucidated using #class and avg. #CLs, signifying the length of the label space and the average length of candidate label sets, respectively. For a comprehensive performance assessment, we vary the count of false positive labels, denoted as ().
CRC-MIPL dataset is a real-world MIPL dataset for colorectal cancer classification. We utilize multi-instance features generated by four image bag generators Wei and Zhou (2016): Row Maron and Ratan (1998), single blob with neighbors (SBN) Maron and Ratan (1998), k-means segmentation (KMeansSeg) Zhang et al. (2002), and scale-invariant feature transform (SIFT) Lowe (2004).
The appendix contains detailed information about the datasets and the four image bag generators.
Comparative Algorithms.
We conduct a comprehensive comparison involving EliMipl along with two established MIPL algorithms: MiplGp Tang et al. (2024) and DeMipl Tang et al. (2023). These represent the entirety of available MIPL methods. Furthermore, we include four PLL algorithms: Proden Lv et al. (2020), Rc Feng et al. (2020), Lws Wen et al. (2021), and Pl-aggd Wang et al. (2022a). The first three algorithms can be equipped with diverse backbone networks, such as linear models and MLP. Due to spatial constraints, we present the results obtained from the linear models in the main body, while the results with MLP are shown in the appendix. Parameters for all algorithms are selected based on recommendations from original literature or refined through our search for enhanced outcomes.
Since PLL algorithms are not directly tailored for MIPL data, two common strategies, known as the Mean strategy and the MaxMin strategy, are employed to adapt MIPL data for PLL algorithms Tang et al. (2024). The Mean strategy involves calculating average feature values across all instances within a bag, resulting in a bag-level feature representation. In contrast, the MaxMin strategy identifies both the maximum and minimum feature values for each dimension among instances within a bag, and then concatenates these values to form a bag-level feature representation.
Implementation.
We implement EliMipl using PyTorch and execute it on a single NVIDIA Tesla V100 GPU. We utilize the stochastic gradient descent (SGD) optimizer with a momentum value of and a weight decay of . The initial learning rate is selected from the set and accompanied by a cosine annealing technique. We set the number of epochs uniformly to for all datasets. For the MNIST-MIPL and FMNIST-MIPL datasets, is set to or , is chosen from , and the feature extraction network is a two-layer convolutional neural network. For the remaining datasets, we set both and to , and is an identity transformation. The feature transformation network is implemented by a fully connected network, with the dimension set to for the CRC-MIPL dataset and for the other datasets. The way of dataset partitioning is consistent with that of DeMipl. We conduct ten random train/test splits with a ratio of . We report the mean accuracies and standard deviations obtained from the ten runs, with the highest accuracy highlighted in bold. The code of EliMipl can be found at https://github.com/tangw-seu/ELIMIPL.
Algorithm | MNIST | FMNIST | Birdsong | SIVAL | |
---|---|---|---|---|---|
EliMipl | 1 | .992.007 | .903.018 | .771.018 | .675.022 |
2 | .987.010 | .845.026 | .745.015 | .616.025 | |
3 | .748.144 | .702.055 | .717.017 | .600.029 | |
DeMipl | 1 | .976.008 | .881.021 | .744.016 | .635.041 |
2 | .943.027 | .823.028 | .701.024 | .554.051 | |
3 | .709.088 | .657.025 | .696.024 | .503.018 | |
MiplGp | 1 | .949.016 | .847.030 | .716.026 | .669.019 |
2 | .817.030 | .791.027 | .672.015 | .613.026 | |
3 | .621.064 | .670.052 | .625.015 | .569.032 | |
Mean | |||||
Proden | 1 | .605.023 | .697.042 | .296.014 | .219.014 |
2 | .481.036 | .573.026 | .272.019 | .184.014 | |
3 | .283.028 | .345.027 | .211.013 | .166.017 | |
Rc | 1 | .658.031 | .753.042 | .362.015 | .279.011 |
2 | .598.033 | .649.028 | .335.011 | .258.017 | |
3 | .392.033 | .401.063 | .298.009 | .237.020 | |
Lws | 1 | .463.048 | .726.031 | .265.010 | .240.014 |
2 | .209.028 | .720.025 | .254.010 | .223.008 | |
3 | .205.013 | .579.041 | .237.005 | .194.026 | |
Pl-aggd | 1 | .671.027 | .743.026 | .353.019 | .355.015 |
2 | .595.036 | .677.028 | .314.018 | .315.019 | |
3 | .380.032 | .474.057 | .296.015 | .286.018 | |
MaxMin | |||||
Proden | 1 | .508.024 | .424.045 | .387.014 | .316.019 |
2 | .400.037 | .377.040 | .357.012 | .287.024 | |
3 | .345.048 | .309.058 | .336.012 | .250.018 | |
Rc | 1 | .519.028 | .731.027 | .390.014 | .306.023 |
2 | .469.035 | .666.027 | .371.013 | .288.021 | |
3 | .380.048 | .524.034 | .363.010 | .267.020 | |
Lws | 1 | .242.042 | .435.049 | .225.038 | .289.017 |
2 | .239.048 | .406.040 | .207.034 | .271.014 | |
3 | .218.017 | .318.064 | .216.029 | .244.023 | |
Pl-aggd | 1 | .527.035 | .391.040 | .383.014 | .397.028 |
2 | .439.020 | .371.037 | .372.020 | .360.029 | |
3 | .321.043 | .327.028 | .344.011 | .328.023 |
4.2 Results on the Benchmark Datasets
Table 2 presents the results of EliMipl and the comparative algorithms on benchmark datasets, considering varying numbers of false positive labels (). Compared to MIPL algorithms, EliMipl consistently achieves higher average accuracy than DeMipl and MiplGp. Furthermore, in contrast to PLL algorithms, EliMipl significantly outperforms them in all cases.
For the MNIST-MIPL and FMNIST-MIPL datasets, each with class labels, EliMipl achieves an average accuracy at least higher than DeMipl and between to higher than MiplGp. In the case of the Birdsong-MIPL dataset that comprises class labels, EliMipl’s average accuracy surpasses DeMipl by at least and MiplGp by at least . The SIVAL-MIPL dataset spans class labels, encompassing diverse categories such as fruits and commodities. EliMipl’s average accuracy surpasses DeMipl by to and MiplGp by an average of . Notably, DeMipl demonstrates relatively superior performance with fewer class labels, while MiplGp excels in scenarios with more class labels. In contrast, EliMipl consistently maintains the highest average accuracy in both fewer and more class labels. This indicates that EliMipl exhibits superior capabilities compared to existing MIPL algorithms. PLL algorithms exhibit decent results on the MNIST-MIPL and FMNIST-MIPL datasets when or . However, their performance significantly deteriorates when or on the Birdsong-MIPL and SIVAL-MIPL datasets. This observation underscores the intrinsic complexity of MIPL problems, highlighting that they cannot be reduced to PLL problems.
The above analysis not only highlights the robustness of EliMipl across diverse label space but also emphasizes the limitations of addressing MIPL problems using PLL algorithms. The results underscore the importance of algorithmic designs specifically tailored to MIPL tasks.
4.3 Results on the Real-World Datasets
Algorithm | C-Row | C-SBN | C-KMeans | C-SIFT |
---|---|---|---|---|
EliMipl | .433.008 | .509.007 | .546.012 | .540.010 |
DeMipl | .408.010 | .486.014 | .521.012 | .532.013 |
MiplGp | .432.005 | .335.006 | .329.012 | – |
Mean | ||||
Proden | .365.009 | .392.008 | .233.018 | .334.029 |
Rc | .214.011 | .242.012 | .226.009 | .209.007 |
Lws | .291.010 | .310.006 | .237.008 | .270.007 |
Pl-aggd | .412.008 | .480.005 | .358.008 | .363.012 |
MaxMin | ||||
Proden | .401.007 | .447.011 | .265.027 | .291.011 |
Rc | .227.012 | .338.010 | .208.007 | .246.008 |
Lws | .299.008 | .382.009 | .247.005 | .230.007 |
Pl-aggd | .460.008 | .524.008 | .434.009 | .285.009 |
Table 3 provides the results of EliMipl and the comparative algorithms on the CRC-MIPL dataset. The symbol – denotes cases where results could not be obtained due to memory overflow on our server. Compared to MIPL algorithms, EliMipl consistently achieves the highest average accuracies. Additionally, in comparison to PLL algorithms, EliMipl significantly outperforms them in out of cases.
For the CRC-MIPL dataset, both EliMipl and DeMipl exhibit improved performance as the complexity of the image bag generator increases. This observation aligns with the intuition that, while avoiding overfitting, intricate feature extractors tend to produce higher classification accuracies. However, this phenomenon is not consistently observed for MiplGp and PLL algorithms. For example, these algorithms do not consistently achieve superior results on the C-KMeans and C-SIFT datasets compared to the results on the CRC-Row or C-SBN dataset. We posit that the intricate features exceed the capability limits of these algorithms. Thus, the development of effective MIPL algorithms becomes imperative.
In most cases, the MaxMin strategy tends to yield superior outcomes than the Mean strategy. We postulate that this difference arises from the significant distinction between tissue cells and the background in the CRC-MIPL dataset. Applying the Mean strategy to features generated by simple image bag generators (i.e., Row and SBN) diminishes the distinction between tissue cells and the background, making it challenging to learn discriminative features. Conversely, for features generated by more complex image bag generators (i.e., KMeansSeg and SIFT), both the Mean and MaxMin strategies demonstrate their respective merits. Therefore, both strategies are worthy of consideration and application.
Dataset | EliMipl | Ma+Sp | Ma+In | Ma | |
---|---|---|---|---|---|
Birdsong | 1 | .771.018 | .742.014 | .746.015 | .733.011 |
2 | .745.015 | .665.024 | .689.020 | .677.017 | |
3 | .717.017 | .592.031 | .674.023 | .652.016 | |
SIVAL | 1 | .675.022 | .618.021 | .626.019 | .620.022 |
2 | .616.025 | .532.041 | .550.040 | .540.038 | |
3 | .600.029 | .545.027 | .521.025 | .521.032 |
4.4 Further Analyses
Effectiveness of CLI. To evaluate the impact of CLI, we modify the loss function in Equation (9) and propose three variants: Ma+Sp, Ma+In, and Ma. These variants respectively represent the removal of inhibition loss, sparsity loss, and the simultaneous elimination of both inhibition and sparsity losses. Table 4 presents the experimental results conducted on the Birdsong-MIPL and SIVAL-MIPL datasets. With Ma as the baseline, the introduction of individual sparse loss or inhibition loss tends to yield marginal performance improvements in most cases, while in some cases, performance degradation may occur. In contrast, EliMipl, using the CLI demonstrates a substantial boost in classification accuracy.
Challenging Disambiguation Scenarios. We select different quantities of false positive labels from to on the Birdsong-MIPL dataset. Figure 4 presents the experimental results of EliMipl, DeMipl, and MiplGp with . Particularly, EliMipl and DeMipl adhere to the embedded-space paradigm, while MiplGp follows the instance-space paradigm. Three distinct phenomena are observed: (a) EliMipl consistently exhibits higher average accuracy compared to DeMipl and MiplGp. (b) For , DeMipl outperforms MiplGp. However, when , MiplGp surpasses DeMipl. (c) The gaps between EliMipl and DeMipl are greater when than when . The widening gaps signify the growing significance of the scaled additive attention mechanism and CLI. Therefore, Figure 4 clearly demonstrates that EliMipl outperforms both MiplGp and DeMipl in disambiguation, even when confronted with challenging scenarios.
Algorithm | MNIST | FMNIST | Birdsong | SIVAL | |
---|---|---|---|---|---|
CLI loss | 1 | .992.007 | .903.018 | .771.018 | .675.022 |
2 | .987.010 | .845.026 | .745.015 | .616.025 | |
3 | .748.144 | .702.055 | .717.017 | .600.029 | |
Ce-Sp-In | 1 | .899.037 | .825.035 | .740.013 | .639.030 |
2 | .847.027 | .679.037 | .687.024 | .587.022 | |
3 | .636.112 | .610.037 | .592.036 | .578.022 | |
Ce | 1 | .919.017 | .709.257 | .704.019 | .587.028 |
2 | .833.016 | .645.044 | .616.032 | .534.025 | |
3 | .628.096 | .551.032 | .459.045 | .514.025 |
Comparison of CLI and Cross-Entropy Loss. For a comparative analysis between the CLI loss and the cross-entropy (CE) loss, we substitute the mapping loss and the CLI loss with the CE loss, resulting in variants Ce-Sp-In (which utilizes CE loss, sparsity loss, and inhibition loss) and Ce (which only utilizes CE loss), respectively. Table 5 illustrates that, in all cases, accuracies obtained with the CLI loss surpass those achieved with Ce-Sp-In and Ce. Notably, the incorporation of inhibition loss and sparsity loss enhances the performance of the CE loss, underscoring the importance of considering the intrinsic properties of the label space and the information from non-candidate label sets.
Interpretability of the Attention Mechanism. Figure 5 displays the attention scores of a test multi-instance bag in the MNIST-MIPL dataset (). The bag contains positive instances represented by the digit , while negative instances are drawn from digits . Additionally, we visualize the attention scores of all three positive instances and the negative instances. Figure 5 illustrates that EliMipl can accurately identify all positive instances by assigning significantly higher attention scores to them, and the attention scores can be directly utilized for interpretability.
5 Conclusion
This paper investigates a multi-instance partial-label learning algorithm that introduces a scaled additive attention mechanism and exploits conjugate label information. This information includes both candidate label information and non-candidate label information, along with the sparsity of the true label matrix. Experimental results demonstrate the superiority of our proposed EliMipl algorithm. The utilization of CLI proves significantly more effective than relying on incomplete label information, especially in challenging disambiguation scenarios. In the future, we will explore the instance-depend MIPL algorithm and conduct theoretical analyses to develop more effective algorithms.
References
- Amores [2013] Jaume Amores. Multiple instance classification: Review, taxonomy and comparative study. Artificial Intelligence, 201:81–105, 2013.
- Briggs et al. [2012] Forrest Briggs, Xiaoli Z. Fern, and Raviv Raich. Rank-loss support instance machines for MIML instance annotation. In Proceedings of the 18th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Beijing, China, pages 534–542, 2012.
- Campanella et al. [2019] Gabriele Campanella, Matthew G Hanna, Luke Geneslaw, Allen Miraflor, Vitor Werneck Krauss Silva, Klaus J Busam, Edi Brogi, Victor E Reuter, David S Klimstra, and Thomas J Fuchs. Clinical-grade computational pathology using weakly supervised deep learning on whole slide images. Nature Medicine, 25(8):1301–1309, 2019.
- Carbonneau et al. [2018] Marc-André Carbonneau, Veronika Cheplygina, Eric Granger, and Ghyslain Gagnon. Multiple instance learning: A survey of problem characteristics and applications. Pattern Recognition, 77:329–353, 2018.
- Chen et al. [2022] Wei-Chen Chen, Xin-Yi Yu, and Linlin Ou. Pedestrian attribute recognition in video surveillance scenarios based on view-attribute attention localization. Machine Intelligence Research, 19(2):153–168, 2022.
- Cour et al. [2011] Timothee Cour, Ben Sapp, and Ben Taskar. Learning from partial labels. The Journal of Machine Learning Research, 12:1501–1536, 2011.
- Cui et al. [2023] Yufei Cui, Ziquan Liu, Xiangyu Liu, Xue Liu, Cong Wang, Tei-Wei Kuo, Chun Jason Xue, and Antoni B. Chan. Bayes-MIL: A new probabilistic perspective on attention-based multiple instance learning for whole slide images. In Proceedings of the 11th International Conference on Learning Representations, Kigali, Rwanda, pages 1–17, 2023.
- Dietterich et al. [1997] Thomas G Dietterich, Richard H Lathrop, and Tomás Lozano-Pérez. Solving the multiple instance problem with axis-parallel rectangles. Artificial intelligence, 89(1-2):31–71, 1997.
- Feng and An [2019] Lei Feng and Bo An. Partial label learning with self-guided retraining. In Proceedings of the 33rd AAAI Conference on Artificial Intelligence, Honolulu, Hawaii, USA, pages 3542–3549, 2019.
- Feng et al. [2020] Lei Feng, Jiaqi Lv, Bo Han, Miao Xu, Gang Niu, Xin Geng, Bo An, and Masashi Sugiyama. Provably consistent partial-label learning. In Advances in Neural Information Processing Systems 33, Virtual Event, pages 10948–10960, 2020.
- Gong et al. [2022] Xiuwen Gong, Dong Yuan, and Wei Bao. Partial label learning via label influence function. In Proceedings of the 39th International Conference on Machine Learning, Baltimore, Maryland, USA, pages 7665–7678, 2022.
- Grote et al. [2019] Anne Grote, Nadine S. Schaadt, Germain Forestier, Cédric Wemmert, and Friedrich Feuerhake. Crowdsourcing of histological image labeling and object delineation by medical students. IEEE Transactions Medical Imaging, 38(5):1284–1294, 2019.
- He et al. [2022] Shuo He, Lei Feng, Fengmao Lv, Wen Li, and Guowu Yang. Partial label learning with semantic label representations. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, Washington, DC, USA, pages 545–553, 2022.
- Ilse et al. [2018] Maximilian Ilse, Jakub M. Tomczak, and Max Welling. Attention-based deep multiple instance learning. In Proceedings of the 35th International Conference on Machine Learning, Stockholmsmässan, Stockholm, Sweden, pages 2132–2141, 2018.
- LeCun et al. [1998] Yann LeCun, Léon Bottou, Yoshua Bengio, and Patrick Haffner. Gradient-based learning applied to document recognition. Proceedings of the IEEE, 86(11):2278–2324, 1998.
- Li et al. [2023] Ximing Li, Yuanzhi Jiang, Changchun Li, Yiyuan Wang, and Jihong Ouyang. Learning with partial labels from semi-supervised perspective. In Proceedings of the 37th AAAI Conference on Artificial Intelligence, Washington, DC, USA, pages 8666–8674, 2023.
- Lowe [2004] David G. Lowe. Distinctive image features from scale-invariant keypoints. International Journal of Computer Vision, 60(2):91–110, 2004.
- Lv et al. [2020] Jiaqi Lv, Miao Xu, Lei Feng, Gang Niu, Xin Geng, and Masashi Sugiyama. Progressive identification of true labels for partial-label learning. In Proceedings of the 37th International Conference on Machine Learning, Virtual Event, pages 6500–6510, 2020.
- Lyu et al. [2020] Gengyu Lyu, Songhe Feng, Yidong Li, Yi Jin, Guojun Dai, and Congyan Lang. HERA: Partial label learning by combining heterogeneous loss with sparse and low-rank regularization. ACM Transactions on Intelligent Systems and Technology, 11(3):1–19, 2020.
- Maron and Ratan [1998] Oded Maron and Aparna Lakshmi Ratan. Multiple-instance learning for natural scene classification. In Proceedings of the 15th International Conference on Machine Learning, Madison, Wisconsin, USA, pages 341–349, 1998.
- Settles et al. [2007] Burr Settles, Mark Craven, and Soumya Ray. Multiple-instance active learning. In Advances in Neural Information Processing Systems 20, Vancouver, British Columbia, Canada, pages 1289–1296, 2007.
- Shi et al. [2020] Xiaoshuang Shi, Fuyong Xing, Yuanpu Xie, Zizhao Zhang, Lei Cui, and Lin Yang. Loss-based attention for deep multiple instance learning. In Proceedings of the 34th AAAI Conference on Artificial Intelligence, New York, NY, USA, pages 5742–5749, 2020.
- Tan et al. [2023] Shuo Tan, Lei Zhang, Xin Shu, and Zizhou Wang. A feature-wise attention module based on the difference with surrounding features for convolutional neural networks. Frontiers of Computer Science, 17(6):176338: 1–10, 2023.
- Tang et al. [2023] Wei Tang, Weijia Zhang, and Min-Ling Zhang. Disambiguated attention embedding for multi-instance partial-label learning. In Advances in Neural Information Processing Systems 36, New Orleans, LA, USA, pages 56756–56771, 2023.
- Tang et al. [2024] Wei Tang, Weijia Zhang, and Min-Ling Zhang. Multi-instance partial-label learning: Towards exploiting dual inexact supervision. Science China Information Sciences, 67(3):Article 132103: 1–14, 2024.
- Vaswani et al. [2017] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N. Gomez, Lukasz Kaiser, and Illia Polosukhin. Attention is all you need. In Advances in Neural Information Processing Systems 30, Long Beach, CA, USA, pages 5998–6008, 2017.
- Wang et al. [2018] Xinggang Wang, Yongluan Yan, Peng Tang, Xiang Bai, and Wenyu Liu. Revisiting multiple instance neural networks. Pattern Recognition, 74:15–24, 2018.
- Wang et al. [2022a] Deng-Bao Wang, Min-Ling Zhang, and Li Li. Adaptive graph guided disambiguation for partial label learning. IEEE Transactions on Pattern Analysis and Machine Intelligence, 44(12):8796–8811, 2022.
- Wang et al. [2022b] Yang Wang, Jinjia Peng, Huibing Wang, and Meng Wang. Progressive learning with multi-scale attention network for cross-domain vehicle re-identification. Science China Information Sciences, 65(6):160103:1–15, 2022.
- Wei and Zhou [2016] Xiu-Shen Wei and Zhi-Hua Zhou. An empirical study on image bag generators for multi-instance learning. Machine Learning, 105:155–198, 2016.
- Wen et al. [2021] Hongwei Wen, Jingyi Cui, Hanyuan Hang, Jiabin Liu, Yisen Wang, and Zhouchen Lin. Leveraged weighted loss for partial label learning. In Proceedings of the 38th International Conference on Machine Learning, Virtual Event, pages 11091–11100, 2021.
- Wright and Ma [2022] John Wright and Yi Ma. High-dimensional data analysis with low-dimensional models: Principles, computation, and applications. Cambridge University Press, 2022.
- Wu et al. [2022] Dong-Dong Wu, Deng-Bao Wang, and Min-Ling Zhang. Revisiting consistency regularization for deep partial label learning. In Proceedings of the 39th International Conference on Machine Learning, Baltimore, Maryland, USA, pages 24212–24225, 2022.
- Xiang et al. [2023] Jinxi Xiang, Xiyue Wang, Jun Zhang, Sen Yang, Xiao Han, and Wei Yang. Exploring low-rank property in multiple instance learning for whole slide image classification. In Proceedings of the 11th International Conference on Learning Representations, Kigali, Rwanda, pages 1–18, 2023.
- Xiao et al. [2017] Han Xiao, Kashif Rasul, and Roland Vollgraf. Fashion-MNIST: A novel image dataset for benchmarking machine learning algorithms. CoRR, abs/1708.07747, 2017.
- Yao et al. [2020] Yao Yao, Jiehui Deng, Xiuhua Chen, Chen Gong, Jianxin Wu, and Jian Yang. Deep discriminative CNN with temporal ensembling for ambiguously-labeled image classification. In Proceedings of the 34th AAAI Conference on Artificial Intelligence, New York, NY, USA, pages 12669–12676, 2020.
- Zhang et al. [2002] Qi Zhang, Sally A. Goldman, Wei Yu, and Jason E. Fritts. Content-based image retrieval using multiple-instance learning. In Proceedings of the 19th International Conference on Machine Learning, Sydney, Australia, pages 682–689, 2002.
- Zhang et al. [2022a] Fei Zhang, Lei Feng, Bo Han, Tongliang Liu, Gang Niu, Tao Qin, and Masashi Sugiyama. Exploiting class activation value for partial-label learning. In Proceedings of the 10th International Conference on Learning Representations, Virtual Event, pages 1–17, 2022.
- Zhang et al. [2022b] Hongrun Zhang, Yanda Meng, Yitian Zhao, Yihong Qiao, Xiaoyun Yang, Sarah E Coupland, and Yalin Zheng. DTFD-MIL: Double-tier feature distillation multiple instance learning for histopathology whole slide image classification. In Proceedings of the 35th IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, USA, pages 18802–18812, 2022.
- Zhang et al. [2022c] Weijia Zhang, Xuanhui Zhang, Han-Wen Deng, and Min-Ling Zhang. Multi-instance causal representation learning for instance label prediction and out-of-distribution generalization. In Advances in Neural Information Processing Systems 35, New Orleans, LA, USA, pages 34940–34953, 2022.
- Zhang [2021] Weijia Zhang. Non-i.i.d. multi-instance learning for predicting instance and bag labels with variational auto-encoder. In Proceedings of the 30th International Joint Conference on Artificial Intelligence, Virtual Event / Montreal, Canada, pages 3377–3383, 2021.
- Zhou et al. [2009] Zhi-Hua Zhou, Yu-Yin Sun, and Yu-Feng Li. Multi-instance learning by treating instances as non-i.i.d. samples. In Proceedings of the 26th International Conference on Machine Learning, Montreal, Quebec, Canada, pages 1249–1256, 2009.
- Zhou [2018] Zhi-Hua Zhou. A brief introduction to weakly supervised learning. National Science Review, 5(1):44–53, 2018.