Next Article in Journal
Crystallisation in Melts of Short, Semi-Flexible Hard-Sphere Polymer Chains: The Role of the Non-Bonded Interaction Range
Next Article in Special Issue
Weighted Mean Squared Deviation Feature Screening for Binary Features
Previous Article in Journal
Entropy Production in Quantum is Different
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Information Theoretic Multi-Target Feature Selection via Output Space Quantization †

by
Konstantinos Sechidis
1,2,*,
Eleftherios Spyromitros-Xioufis
1,3 and
Ioannis Vlahavas
1
1
Department of Computer Science, Aristotle University, 54124 Thessaloniki, Greece
2
School of Computer Science, University of Manchester, Manchester M13 9PL, UK
3
Expedia, 1207 Geneva, Switzerland
*
Author to whom correspondence should be addressed.
This Paper is an Extended Version of Our Paper Published in the 27th European Symposium on Artificial Neural Networks (ESANN), Computational Intelligence and Machine Learning, Bruges (Belgium), 24–26 April 2019.
Entropy 2019, 21(9), 855; https://doi.org/10.3390/e21090855
Submission received: 5 August 2019 / Revised: 23 August 2019 / Accepted: 29 August 2019 / Published: 31 August 2019
(This article belongs to the Special Issue Information Theoretic Feature Selection Methods for Big Data)

Abstract

:
A key challenge in information theoretic feature selection is to estimate mutual information expressions that capture three desirable terms—the relevancy of a feature with the output, the redundancy and the complementarity between groups of features. The challenge becomes more pronounced in multi-target problems, where the output space is multi-dimensional. Our work presents an algorithm that captures these three desirable terms and is suitable for the well-known multi-target prediction settings of multi-label/dimensional classification and multivariate regression. We achieve this by combining two ideas—deriving low-order information theoretic approximations for the input space and using quantization algorithms for deriving low-dimensional approximations of the output space. Under the above framework we derive a novel criterion, Group-JMI-Rand, which captures various high-order target interactions. In an extensive experimental study we showed that our suggested criterion achieves competing performance against various other information theoretic feature selection criteria suggested in the literature.

1. Introduction

Many real world applications generate huge amounts of data that create various new challenges, such as learning from high dimensional inputs (features). One way of dealing with big dimensionality is to ignore the irrelevant and redundant features by using a feature selection (FS) algorithm [1]. In our work we will focus on information theoretic FS criteria, which quantify the importance of each feature by estimating mutual information terms to capture—the relevancy, the redundancy and the complementarity [2]. Choosing a subset of features that has the highest relevancy with the output space, the minimum redundancy between them and the highest complementarity, helps us to reduce the input space and at the same time keep as much useful information as possible.
At the same time more and more applications need to predict multiple outputs (targets), instead of a single one. Depending on the type of the output variables there are various categories of multi-target problems, such as multi-label classification, multi-dimensional classification, and multivariate regression, when the outputs are binary, categorical and continuous, respectively [3]. For example, in computer vision [4], multi-label data are used in automated image annotation, since an image can be associated with a number of semantic concepts. In bioinformatics [5], multi-dimensional learning is used in functional genomics, where a gene or protein is associated with multiple functional labels, since an individual gene or protein usually performs a number of functions. Finally, multivariate regression has been used in ecological modeling in order to predict various target variables that capture the quality of the vegetation [6].
In this paper we focus on deriving novel information theoretic FS methods for multi-target problems. To do so we need to estimate mutual information (MI) expressions from finite sample data sets. As the number of selected features grows due to high dimensionality of the input space and as the number of targets is high due to high dimensionality of the output space, the estimated MI expressions become less reliable. To overcome this problem, low-order criteria have been suggested.
Sechidis et al. [7] introduced a framework for generating such low-order FS criteria for multi-target problems by iteratively maximising different composite likelihood expressions, which make various assumptions about the input and output space. By exploring how the different assumptions compare, the authors have found that the best trade-off appears to assume partial independence in the feature and full independence in the target space, a method known as Single-JMI (Joint Mutual Information), details in Section 2. While the partial independence of the feature space has been proven to be useful in deriving FS criteria for single-label data [8], the full independence in the label space ignores the useful information that the possible dependencies between the targets can provide.
Our work, which is an extension of the conference paper in Reference [9], introduces an algorithm that uses the principles of the Single-JMI criterion but at the same time takes into account target dependencies. In the current work, we expanded the preliminary conference paper, by extending the discussion of related work (Section 2), by providing a novel theoretical and sensitivity analysis (Section 3.2 and Section 3.3 respectively), by providing a larger empirical study for multi-label classification (Section 4), including more datasets and competing methods and by providing a novel empirical study on multivariate regression problems (Section 5). The software related to this paper, including implementations of our novel FS criteria, is available at: https://github.com/sechidis.

2. Background on Information Theoretic Multi-Target FS

Let us assume that we have a multi-target problem where we observe N samples { x n , y n } n = 1 N . The feature vector x = [ x 1 x d ] is a realisation of the joint random variable X = X 1 X d , while the output vector is a realisation of Y = Y 1 Y m . When the variables of the output space are binary, that is, the alphabet Y is { 0 , 1 } m , the problem is known as multi-label classification, when they are categorical as multi-dimensional classification Y is { 0 , , c } m , while when they are continuous, that is, Y is R m , as multivariate regression [3].
The problem of FS can be phrased as selecting a subset of K features X θ X , where | X θ | = K , that contain as much useful information for our problem as possible. With a slight abuse of notation, in the rest of our work, we interchange the symbol for a set of variables and for their joint random variable. FS methods can be categorized in three groups [10]—filters, wrappers and embedded. Filters are independent of the classifier and they define a scoring criterion (or relevance index) by which they produce a ranking of the features. Wrappers are classifier dependent; they use an evaluation measure to check the performance of the different subsets of features with a particular classifier and they choose the subset with the best performance. Finally, embedded methods are again classifier dependent, since they are part of the learning algorithm and the FS is applied in the training procedure. From the above descriptions we can find the strengths and the weaknesses of each approach. Filters are classifier independent, they are fast and they are less likely to overfit but on the other hand the performance is worse than the classifier specific methods (some of the filters may underfit the data). Embedded methods require some model, which introduces additional assumptions and may be slower than filters but may result to better performance and tend to overfit less than wrappers. Wrappers, because they are classifier dependent, may achieve better performance but on the other hand, they are computationally intensive and tend to overfit more than the other techniques [1,8].
In our work we focus on filter methods for FS, which operate under the assumption that the prediction and FS steps are independent [1] or in other words, the selection of features is independent of the classifier or the regressor used. In filter FS, we firstly rank the features according to a score measure and then select the ones with the highest score. The score of each feature should be independent of any classifier and any evaluation measure and it is desirable to increase if the relevancy of the feature with the targets is high, the redundancy with the existing features is low and the complementarity with the existing features is high [8].

2.1. Deriving Criteria via Maximum Likelihood Maximization Framework

For single-output problems, that is, the output space is a single variable Y, Brown et al. [8] introduced a framework for generating information theoretic FS criteria by phrasing a clearly specified optimisation problem; maximising the conditional likelihood. A greedy forward selection to optimise this objective is: at each step k select the feature X k X θ ˜ that maximises the following conditional mutual information (CMI):
J CMI ( X k ) = I ( X k ; Y | X θ ) ,
where X θ is the set of the ( k 1 ) features already selected, X θ ˜ the unselected ones and Y the single-output target variable. CMI criterion can be written in the following way:
J CMI ( X k ) = I ( X k ; Y ) I ( X k | X θ ) + I ( X k ; X θ | Y ) .
The first term of the above expression corresponds to the relevancy of a feature with the target, the second to the redundancy of a feature with the set of features already selected and the last term to the complentarity (or conditional redundancy) of the feature with the set of selected features. While the importance of the first two terms is pronounced in the FS literature, the last term has not been traditionally accounted [8]. This term has opposite sign than redundancy, which means that dependent features can be useful, as long the dependence within class is stronger than the overall dependence.
As the number of selected features grows, the dimensionality of X θ also grows, making the estimates less reliable. To overcome this issue a number of methods have been proposed for deriving low-order criteria. A popular criterion that controls relevancy, redundancy and complementarity, providing a good trade-off between accuracy, stability and flexibility is the joint mutual information (JMI), with scoring function [8]:
J JMI ( X k ) = X j X θ I ( X j X k ; Y ) I ( X k ; Y ) 1 | X θ | X j X θ I ( X k ; X j ) I ( X k ; X j | Y ) ,
where the symbol ∝ indicates a ranking equivalent expression for the criterion. The proof for this ranking equivalence can be found in Appendix A.1 of Reference [8]. From the last expression we can see that JMI takes into account all three desirable terms—the score increases when the relevance of a feature is high, when the average redundancy with the features already selected is low and when the average complementarity with the selected features is high.
Sechidis et al. [7] derived two versions of the JMI criterion suitable for multi-output problems, that is, the output space is a joint variable Y = Y 1 Y m . Their approach was based on the idea of expressing multi-label decomposition methods as composite likelihoods and then showing how FS criteria can be derived by greedily maximising these likelihood expressions. Different decomposition methods lead naturally to different FS criteria. The scoring functions for the two multi-output criteria suggested by Sechidis et al. [7] are the following:
J JMI Joint ( X k ) = X j X θ I ( X j X k ; Y ) ,
J JMI Sin gle ( X k ) = X j X θ Y i Y I ( X j X k ; Y i ) .
The superscripts denote the assumptions over the output space:
Joint-JMI
does not make any assumptions and deals with the joint random variable Y . This corresponds to the Label Powerset (LP) transformation in the multi-label literature. The main limitation of this method is that Y is high dimensional. For example, in multi-label problems we have up to min ( N , 2 m ) distinct labelsets [11], which makes it difficult to estimate MI expressions reliably.
Single-JMI
deals with each variable Y i , i = 1 m , independently of the others. This corresponds to the Binary Relevance (BR) transformation in the multi-label literature. The main limitation of this method is that by making the full independence assumption it ignores possible useful information on how the targets interact with each other.
These two versions of the JMI criterion can be seen as the two extreme cases; assuming no independence at all (Joint-JMI) and assuming every outcome it is independent from the rest (Single-JMI).
In a small experimental study, using only two datasets, Sechidis et al. [7] showed that Single-JMI, even though it assumes full independence between the targets, outperforms Joint-JMI, whicht makes no assumptions about the targets. This is happening because the low-dimensional MI expressions in Single-JMI are estimated more reliably from small datasets than the high dimensional MI expressions in Joint-JMI. Next section introduces a novel algorithm that accounts for target dependencies and at the same time keeps the dimensionality of the MI expressions low. Before that we will review other information theoretic criteria suggested in the literature, while a systematic review on multi-label FS methods can found in Reference [12].

2.2. Other Information Theoretic Criteria

Yang & Pedersen [13] introduced the first information theoretic multi-label FS method, which ranks the features using the criterion: J MIM B R ( X k ) = Y i Y I ( X k ; Y i ) . MIM-BR ranks the features only on their relevancy with each target independently and it does not take into account possible correlations between features (i.e., redundancy/complementarity). AMI [14] is an extension that takes into account redundancy terms but still treats each label independently. ELA+CHI [15] uses an Entropy-based Label Assignment, which assigns the labels weights based on label entropy, to transform the label space and then uses the χ 2 statistic, a quantity that is asymptotically equivalent to the MI [16], to rank the features. Lee & Kim [17] proposed PMU, a criterion that uses the multivariate MI and avoids the computational cost by restricting the number of variables to three. The same authors suggested FIMF [18], an algorithm for a computationally efficient information theoretic FS and more recently SCLS [19] that introduces a novel way of measuring feature redundancy.
All the above methods were proposed for solving the classification problem (i.e., multi-label) and to the best of our knowledge our work is the first that suggests an information theoretic algorithm that can be used for any kind of multi-target tasks, even on multivariate regression using the default plug-in MI estimator.
At this point we should clarify that in information theoretic FS the scoring criterion, for example, Equations (1) and (2), is combined with a search method which describes how the candidate feature sets are selected. All of the FS algorithms presented so far use greedy forward search, testing each feature in turn for inclusion and adding the one with the highest score. Using a greedy search to present the capabilities of a criterion it is a widely used strategy in the information theoretic FS literature [8]. Apart from the greedy (forward or backward) methods to optimize a scoring criterion, more advanced methods can be used, such as genetic algorithms ([1], Chapter 4). For the remainder of this paper, we will use greedy forward search to test our suggested novel scoring criteria.

3. A Novel Framework to Take into Account Target Dependencies

3.1. Transforming Output Space via Quantization to Account for Target Dependencies

The main idea behind our approach is to derive a novel representation of the output space Y ˜ = Y ˜ 1 Y ˜ m , where each variable Y ˜ i captures the joint information of some group of target variables. After deriving this representation, we will use the following criterion, which we call Group-JMI:
J JMI Group ( X k ) = X j X θ Y ˜ i Y ˜ I ( X j X k ; Y ˜ i ) .
Group-JMI can be seen as the modification of Single-JMI criterion using Y ˜ i instead of the initial targets Y i . By doing this we keep estimating low dimensional MI expressions but at the same time we take into account target dependencies; each Y ˜ i captures the information that is shared in a group of target variables. The main challenge is to derive the projected space Y ˜ from the initial space Y . Here, we solve this challenge using the following two-step, quantization-based strategy:
  • 1st Step—Generate Groups of Target Variables, Using PoT Parameter
In this step we create m groups of variables Z 1 , , Z m , where each group is a random subset of the targets, that is, Z i Y i = 1 , , m . Each group is generated by sampling the set of target variables without replacement and by allowing overlap between the groups. Randomly sampling groups of targets has been extensively used for deriving learning algorithms but not for FS. A famous example is RAKEL  [20], a state of the art method for learning from multi-label data.
Similarly to RAKEL, the number of targets in each group is controlled by a parameter that specifies the Proportion of Targets (PoT) randomly sampled to generate each group. Given, for example, a multi-target problem with m = 20 targets and PoT = 0 . 30 , 20 groups Z 1 , , Z 20 will be generated, each one consisting of 6 ( = 20 × 0 . 30 ) randomly selected target variables. Assuming binary targets the joint variable in each group may take up to 2 6 = 64 distinct values, a dimensionality that prevents reliable density estimation unless a very large amount of data is available. To overcome this issue, we introduce a way to derive low-dimensional approximations in the following step.
  • 2nd Step—Low-dimensional Approximations via Quantization, Using NoC Parameter
To derive low dimensional representations for each group, we will use the idea of clustering together examples with “similar” output vectors. In the most common case, we assume the Number of Cluster (NoC) is provided a priori. For each group Z i , we derive a novel categorical variable Y ˜ i , with the alphabet { 1 , , NoC } , that describes the cluster indices of each observation:
y ˜ i n = Clustering ( z i n , NoC ) , i = 1 , , m , n = 1 , , N ,
where the inputs of the clustering algorithm are the target variables of the Z i group and the NoC parameter.
In this work, we use the K-medoids clustering algorithm ([21], Section 14.3.10)—mainly due to its robustness to outliers—but any clustering algorithm that is compatible with the target variables could be used instead. Furthermore, the distance metric can be chosen according to the multi-target problem at hand (e.g., Hamming distance for multi-label classification and Euclidean distance for multivariate regression).
At this point, the problem of estimating the joint (high-dimensional) density of the targets in each group becomes a problem of estimating a discrete distribution of NoC categories. The trade-off is between making no approximations and estimating high-dimensional densities, which leads to poor and unreliable estimates of the MI or deriving lower dimensional approximations through clustering, which leads to more reliable estimates of the MI.
Algorithm 1 provides a greedy forward FS algorithm using our Group-JMI criterion. In Line 6 we need to estimate the JMI between two features, that is, X j and X k and the transformed target variable Y ˜ j from our sample data. Any MI estimator can be used for this task [22]. In our work we use the plug-in estimator for the MI:
I ^ ( X j X k ; Y ˜ i ) = x j X j x k X k y ˜ i Y ˜ i p ^ ( x j , x k , y ˜ i ) ln p ^ ( x j , x k , y ˜ i ) p ^ ( x j , x k ) p ^ ( y ˜ i ) ,
where, for example, p ^ ( x j , x k , y ˜ i ) is the maximum likelihood estimate of the joint probability that the random variable X j takes the value x j , the random variable X k takes the values x k and the random variable Y ˜ i takes the values y ˜ i . Estimating these probabilities with categorical features is straightforward, while continuous features can be discretised, for example equal-width discretisation is used often in the FS literature [8,17].
Algorithm 1 Forward FS with our Group-JMI criterion
Input: Dataset { x n , y n } n = 1 N , parameters PoT and NoC and the number of features to be selected K.
Output: List of top-K features Xθ
1: X θ ˜ = X ▹ Set of candidate features
2: Set X θ to empty list▹ List of selected features
3: for i : = 1 to m▹ Output transformation (where m is the number of target variables)
4:   Use PoT to generate a random subset of targets: Z i Y
5:   Derive Y ˜ i , from the cluster indices: Y ˜ i = Clustering ( Z i , NoC )
6: end for
7: for k : = 1 to K do
8:   Let X k * X θ ˜ maximise:
9:      J JMI Group ( X k ) = X j X θ Y ˜ i Y ˜ I ( X j X k ; Y ˜ i ) ▹ Our scoring criterion
10:    X θ ( k ) = X k * ▹ Add feature X k * to the list
11:    X θ ˜ = X θ ˜ X k * ▹ Remove feature X k * from the candidate set
12: end for

3.2. Theoretical Analysis

Now we will show that our suggested criterion, Group-JMI, captures all three desirable characteristics of an information theoretic FS criterion—relevancy, redundancy and complementarity. Let us start from Equation (3):
J JMI Group ( X k ) = X j X θ Y ˜ i Y ˜ I ( X j X k ; Y ˜ i ) .
Using the chain rule for mutual information, I ( A B ; C ) = I ( A ; C ) + I ( B ; C | A ) , the criterion can be written as follows:
J JMI Group ( X k ) = X j X θ Y ˜ i Y ˜ I ( X j ; Y ˜ i ) + I ( X k ; Y ˜ i | X j ) .
The term X j X θ Y ˜ i Y ˜ I ( X j ; Y ˜ i ) in the above is constant with respect to the X k argument that we are interested in, so can be omitted and the criterion gets the following ranking equivalent form:
J JMI Group ( X k ) X j X θ Y ˜ i Y ˜ I ( X k ; Y ˜ i | X j ) .
By using the information theoretic identity I ( A ; B | C ) = I ( A ; B ) I ( A ; C ) + I ( A ; C | B ) , the criterion can be written as follows:
J JMI Group ( X k ) X j X θ Y ˜ i Y ˜ I ( X k ; Y ˜ i ) I ( X k ; X j ) + I ( X k ; X j | Y ˜ i ) . J JMI Group ( X k ) | X θ | Y ˜ i Y ˜ I ( X k ; Y ˜ i ) X j X θ Y ˜ i Y ˜ I ( X k ; X j ) I ( X k ; X j | Y ˜ i ) J JMI Group ( X k ) Y ˜ i Y ˜ I ( X k ; Y ˜ i ) 1 | X θ | X j X θ Y ˜ i Y ˜ I ( X k ; X j ) I ( X k ; X j | Y ˜ i )
Interestingly, by the decomposition of Equation (8), the first term of rhs captures the relevancy of the feature X k and each transformed target variable Y ˜ j , the second term the average redundancy between the feature X k and the already selected features X j X θ , while the final term captures the average complementarity between the feature X k and the already selected features, given each transformed target variable Y ˜ j . The first and the third have positive contribution, while the second negative.

3.3. Sensitivity Analysis

This section presents the sensitivity of the proposed algorithm, with respect to the PoT and NoC parameters. We will focus on three multi-label datasets (image, medical, genbase), using three evaluation measures (hamming loss, ranking loss, macro-average F-measure) and in various numbers of selected features ( K = 1 , , 50 ). More details on the experimental setting will be given in Section 4.
Figure 1 shows the performance for different numbers of clusters (NoC) when PoT is fixed to 0.50. We notice that the optimal number is 4 for image (Figure 1a), 16 for medical (Figure 1b), while for genbase there is no clear winner between 8 and 16 (Figure 1c). Figure 2 shows the performance for different proportions of targets when NoC is fixed to 8. We notice that the best performance is achieved by groups that contain 75% of the targets in image (Figure 2a), by groups that contain 25% of the targets in medical (Figure 2b), while for genbase there is no clear winner between 50% and 75% (Figure 2c).
These results highlight the power of our novel parametrisation and the fact that the optimal parameters depend on the intrinsic characteristics of each dataset. For example, the image dataset has few labels and distinct label combinations, as a result NoC = 4 is a good approximation, which is not the case for medical, a dataset with many labels. On the other hand, the larger the number of labels, the smaller the best PoT. For example in the medical dataset, using a PoT = 0.25 means that in each combination we have ∼11 labels, which is already much higher than the total labels of image (5 labels). As a result, in image we achieve better performance with high values of PoT, while in medical with lower.

3.4. A Group-JMI Criterion That Captures Various High-Order Target Interactions

One approach to estimate the optimal parameters is by using grid-search on a hold-out set to optimize a specific evaluation measure. However, this approach assumes that a specific multi-target classification/regression algorithm will be used. Unfortunately, this conflicts with the filter assumption—select features independently from the classification/regression algorithm (more details in Section 2).
To overcome this issue, we suggest Group-JMI-Rand, which chooses the parameters for generating each Y ˜ i , uniformly at random from the following pre-specified set:
Group-JMI-Rand: PoT chosen randomly from [0.25–0.75] and NoC from {4,...,16}.
By this parametrisation Group-JMI-Rand uses a large number of targets, since to generate each group we sample at random 25–75% of the targets. At the same time clustering keeps the dimensionality of the estimated densities low. To achieve this we are randomly choosing in each group the number of clusters to be between 4–16. In the next section we will show that the above criterion achieves state-of-the-art performance in various datasets and evaluation measures.

4. Experiments with Multi-Label Data

We focus on various multi-label datasets with diverse characteristics, shown in Table 1 [23].
To compare the performance of the different FS methods, we train a multi-label classifier using the selected features and evaluate its performance on the testing data using four measures—hamming loss, ranking loss, normalised coverage and macro-average F-measure [11]. Following the FS literature [8], we used a nearest neighbour classifier, which makes as few assumptions as possible about the data and we avoid the need for parameter tuning. For our work we used the multi-label nearest neighbour classifier introduced by Zhang and Zhou [24] and, following their recommendation we set the number of neighbours to 7. We conducted a holdout balanced cross-validation for each experiment—50% of the examples in a given dataset were randomly chosen as the training set for multi-label FS and classifier training and the remaining 50% were used as the test set to obtain the multi-label classification performance to be reported. Each experiment was repeated 30 times and the average testing performance was reported.
To take into account the performance over various values of selected features, we select top-K with K = 1 , , 50 . For each K the method with the best performance (i.e., lowest loss) is assigned ranking score 1, the second best 2 and so forth, and at the end we average the scores across all K. This score provides an indication on how well each method performs across a range of K values. Finally, for estimating MI the default plug-in estimator was used, while continuous features were discretised into 5 bins, using an equal-width strategy [8].

4.1. Comparing Group-JMI-Rand with Other JMI Criteria

Firstly, we will compare our novel JMI criterion, Group-JMI-Rand, with the two multi-label JMI criteria that have been suggested in Reference [7]—Single-JMI and Joint JMI (more details in Section 2). Table 2 presents the ranking score of each FS method averaged across all possible FS sizes (top- K = 1 , , 50 ). Overall, we see that our method achieves the best performance in 20 out of 36 settings, while Joint-JMI in 13 and Single-JMI in 3. Each setting is a combination of an evaluation loss measure and a particular dataset.
From this set of experiments we can conclude that our initial idea, to derive a criterion that is a trade-off between the two extremes, Single-JMI (assumes independent targets, thus needs to estimate low-dimensional probability distributions) versus Joint-JMI (no assumption at all, thus needs to estimate high-dimensional probability distributions) outperforms both of them. This is happening because Group-JMI-Rand, by using the parameter PoT, randomly groups the labels and as a result it does not assume full independence between the labels. At the same time, by using a quantization algorithm the probability distribution is compressed in a low density specified by the NoC parameter. Interestingly, even choosen PoT and NoC at random from a large pre-specified set of values outperforms the competing methods.

4.2. Comparing Group-JMI-Rand with State-of-the-Art Information Theoretic FS Criteria

To test the efficiency of the proposed criterion Group-JMI-Rand, we will compare its performance against six information theoretic FS suggested in the literature—MIM-BR [13], ELA-CHI [15], AMI [14], PMU [17], FIMF [18] and SCLS [19] (arranged in chronological order). More details on the competing methods can be found in Section 2.
In the literature on data mining and machine learning there are various ways on performing statistically sound comparisons between different methods [25,26,27]. In our work we will use the critical difference diagrams (CD), introduced by Demšar [25] and Figure 3 presents our results. For all the CD diagrams of this work, groups of methods that are not significantly different at level α = 0.05 (using the Nemenyi post-hoc test) are connected. The method that achieves the best performance is given a rank of 1, the second best a rank of 2 and so forth.
Our suggested criterion, Group-JMI-Rand, performs better than the competitors in three evaluation measures—ranking loss (Figure 3b), normalized coverage (Figure 3c) and Macro-average F-measure (Figure 3d), while for hamming loss (Figure 3a), a measure that does not take into account label dependencies, the SCLS [19] method performs better. Another interesting conclusion is that our method and SCLS are always in the top-2 positions and in all four evaluation measures there is no statistically significant difference between them. Due to the quantization of the output space, Group-JMI-Rand is more flexible and apart from multi-label data it can be also used to multi-variate regression problems and the next section focuses on this type of data.

5. Experiments with Multivariate Regression Data

In this section we focus on various multi-variate regression datasets, shown in Table 3 [28].
As we already mentioned in Section 2, there are no information theoretic FS criteria tailored to multivariate regression data suggested in the literature. For that reason we compare the performance of our proposed algorithm Group-JMI-Rand (using the Euclidean distance for clustering, since we have continuous variables this time instead of binary), against a popular filter FS method, tailored to regression problems—RReliefF (Regressional ReliefF) [29]. RReliefF is a nearest neighbor-based feature weighting method for univariate regression problems. In a multivariate regression context, we apply RReliefF separately for each target to get an importance weight per feature and target and then rank the features based on their average importance weight across all targets. We compare the performance of two different variations of RReliefF, RReliefF 10 and RReliefF 50 setting the number of neighbours to 10 and 50 respectively.
To compare the performance of the different FS methods, making as few assumptions as possible, we used again a nearest neighbors regression model and predict each target independently. In this set of experiments we set the number of neighbours to be 10 , same number of neighbours as in RReliefF 10. Finally, the evalutation measure we used is the average Relative Root Mean Squared Error (RRMSE) across all targets, a measure widely used in the multi-target regression literature [28].
Figure 4 shows that our proposed method JMI-Group-Rand achieves the best performance in four out of six datasets (atp1d atp7d, oes10, osales). In oes97 it achieves the same performance as RReliefF 50, while in scm20d the RReliefF methods outperform our information theoretic criterion.

6. Conclusions

In this work we presented a FS algorithm suitable for multi-target problems, such as multi-label classification and multivariate regression. Our criterion, Group-JMI, uses the JMI principle to derive low-order approximations of the input space and it clusters similar targets to derive low-order approximations of the output space that capture target correlations. Group-JMI has two parameters—the PoT that controls the number of targets that interact in each group and the NoC that controls the dimensionality of the density that we try to estimate. Under our framework, we suggest the Group-JMI-Rand criterion, which chooses these two parameters at random from a prespecified set of values. On an extensive empirical study across 15 real-world datasets, 10 competing methods and 5 evaluation measures, our proposed criterion Group-JMI-Rand achieves a competitive performance against various other information theoretic FS criteria.
Our future work will focus on providing methods for optimising these parameters. One approach is to use a validation set and minimise a loss of a particular classifier but this violates the filter assumption—selecting the features independently of any classifier or evaluation measure. To overcome this issue our current line of work splits in two directions. For PoT we explore ways of automatically grouping the targets that share some minimum amount of information measured by multi-variate MI. For optimising NoC we explore ways to determine the maximum number of clusters we can have to estimate reliably MI from the available data. This can be done by performing sample size determination for observing given MI quantities with a particular statistical power [30]. Finally, by connecting the problem of multi-target FS with the problem of biomarker discovery in clinical trials with multiple endpoints, we can potentially use Group-JMI-Rand for deriving prognostic and predictive biomarkers in multiple endpoint trials [31].

Author Contributions

Formal analysis, K.S.; Funding acquisition, K.S., E.S.-X. and I.V.; Methodology, K.S. and E.S.-X.; Software, K.S.; Supervision, I.V.; Validation, K.S.; Visualization, K.S.; Writing—original draft, K.S.; Writing—review & editing, K.S., E.S.-X. and I.V.

Funding

This research is implemented through the Operational Program “Human Resources Development, Education and Lifelong Learning” and is co-financed by the European Union (European Social Fund) and Greek national funds.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
FSFeature Selection
MIMutual Information
CMIConditional Mutual Information
JMIJoint Mutual Information
NoCNumber of Clusters
PoTProportion of Targets

References

  1. Guyon, I.M.; Gunn, S.R.; Nikravesh, M.; Zadeh, L. (Eds.) Feature Extraction: Foundations and Applications, 1st ed.; Springer: Berlin/Heidelberg, Germany, 2006. [Google Scholar]
  2. Vergara, J.R.; Estévez, P.A. A review of feature selection methods based on mutual information. Neural Comput. Appl. 2014, 24, 175–186. [Google Scholar] [CrossRef]
  3. Waegeman, W.; Dembczynski, K.; Huellermeier, E. Multi-target prediction: A unifying view on problems and methods. arXiv 2018, arXiv:1809.02352. [Google Scholar] [CrossRef]
  4. Boutell, M.R.; Luo, J.; Shen, X.; Brown, C.M. Learning multi-label scene classification. Pattern Recognit. 2004, 37, 1757–1771. [Google Scholar] [CrossRef] [Green Version]
  5. Elisseeff, A.; Weston, J. A Kernel Method for Multi-Labelled Classification. In Advances in Neural Information Processing Systems (NIPS) 14; MIT Press: Cambridge, MA, USA, 2001; pp. 681–687. [Google Scholar]
  6. Kocev, D.; Džeroski, S.; White, M.D.; Newell, G.R.; Griffioen, P. Using single-and multi-target regression trees and ensembles to model a compound index of vegetation condition. Ecol. Model. 2009, 220, 1159–1168. [Google Scholar] [CrossRef]
  7. Sechidis, K.; Nikolaou, N.; Brown, G. Information Theoretic Feature Selection in Multi-label Data through Composite Likelihood. In S+SSPR 2014; Springer: Berlin/Heidelberg, Germany, 2014. [Google Scholar]
  8. Brown, G.; Pocock, A.; Zhao, M.J.; Lujan, M. Conditional Likelihood Maximisation: A Unifying Framework for Information Theoretic Feature Selection. J. Mach. Learn. Res. (JMLR) 2012, 13, 27–66. [Google Scholar]
  9. Sechidis, K.; Spyromitros-Xioufis, E.; Vlahavas, I. Multi-target feature selection through output space clustering. In Proceedings of the European Symposium on Artificial Neural Networks, Computational Intelligence and Machine Learning (ESANN), Bruges, Belgium, 24–26 April 2019. [Google Scholar]
  10. Saeys, Y.; Inza, I.; Larrañaga, P. A review of feature selection techniques in bioinformatics. Bioinformatics 2007, 23, 2507–2517. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  11. Tsoumakas, G.; Katakis, I.; Vlahavas, I. Mining multi-label data. In Data Mining and Knowledge Discovery Handbook; Springer: Boston, MA, USA, 2009; pp. 667–685. [Google Scholar]
  12. Spolaôr, N.; Monard, M.C.; Tsoumakas, G.; Lee, H.D. A systematic review of multi-label feature selection and a new method based on label construction. Neurocomputing 2016, 180, 3–15. [Google Scholar] [CrossRef]
  13. Yang, Y.; Pedersen, J.O. A Comparative Study on Feature Selection in Text Categorization. In Proceedings of the 14th International Conference on Machine Learning (ICML), Nashville, TN, USA, 8–12 July 1997; pp. 412–420. [Google Scholar]
  14. Lee, J.; Lim, H.; Kim, D.W. Approximating mutual information for multi-label feature selection. Electron. Lett. 2012, 48, 929–930. [Google Scholar] [CrossRef]
  15. Chen, W.; Yan, J.; Zhang, B.; Chen, Z.; Yang, Q. Document transformation for multi-label feature selection in text categorization. In Proceedings of the Seventh IEEE International Conference on Data Mining (ICDM 2007), Omaha, NE, USA, 28–31 October 2007; pp. 451–456. [Google Scholar]
  16. Sechidis, K.; Sperrin, M.; Petherick, E.S.; Luján, M.; Brown, G. Dealing with under-reported variables: An information theoretic solution. Int. J. Approx. Reason. 2017, 85, 159–177. [Google Scholar] [CrossRef] [Green Version]
  17. Lee, J.; Kim, D.W. Feature selection for multi-label classification using multivariate mutual information. Pattern Recognit. Lett. 2013, 34, 349–357. [Google Scholar] [CrossRef]
  18. Lee, J.; Kim, D.W. Fast multi-label feature selection based on information-theoretic feature ranking. Pattern Recognit. 2015, 48, 2761–2771. [Google Scholar] [CrossRef]
  19. Lee, J.; Kim, D.W. SCLS: Multi-label Feature Selection based on Scalable Criterion for Large Label Set. Pattern Recognit. 2017, 66, 342–352. [Google Scholar] [CrossRef]
  20. Tsoumakas, G.; Katakis, I.; Vlahavas, I. Random k-labelsets for multilabel classification. IEEE Trans. Knowl. Data Eng. 2011, 23, 1079–1089. [Google Scholar] [CrossRef]
  21. Hastie, T.; Tibshirani, R.; Friedman, J. The Elements of Statistical Learning: Data Mining, Inference, and Prediction, 2nd ed.; Springer Series in Statistics; Springer: New York, NY, USA, 2009. [Google Scholar]
  22. Brillinger, D.R. Some data analyses using mutual information. Braz. J. Probab. Stat. 2004, 18, 163–182. [Google Scholar]
  23. Tsoumakas, G.; Spyromitros-Xioufis, E.; Vilcek, J.; Vlahavas, I. Mulan: A Java Library for Multi-Label Learning. J. Mach. Learn. Res. 2011, 12, 2411–2414. [Google Scholar]
  24. Zhang, M.L.; Zhou, Z.H. A k-nearest neighbor based algorithm for multi-label classification. In Proceedings of the IEEE International Conference on Granular Computing, Beijing, China, 25–27 July 2005; Volume 2, pp. 718–721. [Google Scholar]
  25. Demšar, J. Statistical comparisons of classifiers over multiple data sets. J. Mach. Learn. Res. 2006, 7, 1–30. [Google Scholar]
  26. García, S.; Fernández, A.; Luengo, J.; Herrera, F. Advanced nonparametric tests for multiple comparisons in the design of experiments in computational intelligence and data mining: Experimental analysis of power. Inf. Sci. 2010, 180, 2044–2064. [Google Scholar] [CrossRef]
  27. Fernandez-Lozano, C.; Gestal, M.; Munteanu, C.R.; Dorado, J.; Pazos, A. A methodology for the design of experiments in computational intelligence with multiple regression models. PeerJ 2016, 4, e2721. [Google Scholar] [CrossRef] [Green Version]
  28. Spyromitros-Xioufis, E.; Tsoumakas, G.; Groves, W.; Vlahavas, I. Multi-target regression via input space expansion: Treating targets as inputs. Mach. Learn. 2016, 104, 55–98. [Google Scholar] [CrossRef]
  29. Robnik-Šikonja, M.; Kononenko, I. Theoretical and empirical analysis of ReliefF and RReliefF. Mach. Learn. 2003, 53, 23–69. [Google Scholar] [CrossRef]
  30. Sechidis, K.; Brown, G. Simple strategies for semi-supervised feature selection. Mach. Learn. 2018, 107, 357–395. [Google Scholar] [CrossRef]
  31. Sechidis, K.; Papangelou, K.; Metcalfe, P.D.; Svensson, D.; Weatherall, J.; Brown, G. Distinguishing prognostic and predictive biomarkers: An information theoretic approach. Bioinformatics 2018, 34, 3365–3376. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Comparing Group-JMI for various values of NoC with PoT fixed to 0.50.
Figure 1. Comparing Group-JMI for various values of NoC with PoT fixed to 0.50.
Entropy 21 00855 g001
Figure 2. Comparing Group-JMI for various values of PoT with NoC fixed to 8.
Figure 2. Comparing Group-JMI for various values of PoT with NoC fixed to 8.
Entropy 21 00855 g002
Figure 3. Comparing our suggested FS criterion, Group-JMI-Rand, with state-of-the-art approaches across four evaluation measures: (a) Hamming loss, (b) Ranking loss, (c) Normalized coverage and (d) Macro-average F-measure.
Figure 3. Comparing our suggested FS criterion, Group-JMI-Rand, with state-of-the-art approaches across four evaluation measures: (a) Hamming loss, (b) Ranking loss, (c) Normalized coverage and (d) Macro-average F-measure.
Entropy 21 00855 g003
Figure 4. Multi-variate regression experiments. Comparing our suggested criterion with two different versions of RReliefF.
Figure 4. Multi-variate regression experiments. Comparing our suggested criterion with two different versions of RReliefF.
Entropy 21 00855 g004
Table 1. Characteristics of the multi-label datasets.
Table 1. Characteristics of the multi-label datasets.
NameApplicationExamplesFeaturesLabelsDistinct Labelsets
CAL500Music50268174502
emotionsMusic59372627
enronText1702100153752
genbaseBiology66211862732
imageImages2000294520
languagelogText14601004751241
medicalText97814494594
sceneImages2407294615
yeastBioinformatics241710314198
Table 2. Comparing the three JMI based criteria in terms of the average ranking score using five evaluation measures: (a) hamming loss, (b) ranking loss, (c) normalised coverage and (d) macro-average F-measure. The best method for each combination of evaluation measure and dataset is highlighted in bold.
Table 2. Comparing the three JMI based criteria in terms of the average ranking score using five evaluation measures: (a) hamming loss, (b) ranking loss, (c) normalised coverage and (d) macro-average F-measure. The best method for each combination of evaluation measure and dataset is highlighted in bold.
(a) Hamming Loss
Single-JMIJoint-JMIGroup-JMI-Rand
(Our Method)
CAL5002.052.101.85
emotions2.331.851.82
enron2.101.002.90
genbase2.111.712.17
image1.902.731.38
medical2.012.861.12
scene1.801.252.95
yeast1.573.001.43
languagelog1.601.403.00
Total wins045
(b) Ranking Loss
Single-JMIJoint-JMIGroup-JMI-Rand
(Our Method)
CAL5002.201.931.88
emotions1.572.402.02
enron1.751.302.95
genbase2.291.662.05
image1.902.771.32
medical2.112.791.10
scene1.901.152.95
yeast1.523.001.48
languagelog2.622.381.00
Total wins135
(c) Normalised Coverage
Single-JMIJoint-JMIGroup-JMI-Rand
(Our Method)
CAL5001.752.351.90
emotions1.952.801.25
enron1.821.252.92
genbase2.141.442.42
image2.082.501.43
languagelog2.402.601.00
medical1.962.841.20
scene1.571.482.95
yeast1.623.001.38
Total wins135
(d) Macro-average F-measure
Single-JMIJoint-JMIGroup-JMI-Rand
(Our Method)
CAL5001.922.251.82
emotions2.102.081.82
enron2.001.003.00
genbase2.341.492.17
image1.772.801.43
languagelog1.431.652.92
medical2.012.841.15
scene1.771.302.92
yeast1.753.001.25
Total wins135
Table 3. Characteristics of the multi-variate regression datasets.
Table 3. Characteristics of the multi-variate regression datasets.
NameApplicationExamplesFeaturesTargets
atp1dAirline Ticket Price3374116
atp7dAirline Ticket Price2964116
oes97Occupational Employment Survey33426316
oes10Occupational Employment Survey40329816
osalesOnline Product Sales63941312
scm20dSupply Chain Management89666116

Share and Cite

MDPI and ACS Style

Sechidis, K.; Spyromitros-Xioufis, E.; Vlahavas, I. Information Theoretic Multi-Target Feature Selection via Output Space Quantization. Entropy 2019, 21, 855. https://doi.org/10.3390/e21090855

AMA Style

Sechidis K, Spyromitros-Xioufis E, Vlahavas I. Information Theoretic Multi-Target Feature Selection via Output Space Quantization. Entropy. 2019; 21(9):855. https://doi.org/10.3390/e21090855

Chicago/Turabian Style

Sechidis, Konstantinos, Eleftherios Spyromitros-Xioufis, and Ioannis Vlahavas. 2019. "Information Theoretic Multi-Target Feature Selection via Output Space Quantization" Entropy 21, no. 9: 855. https://doi.org/10.3390/e21090855

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop