Last Updated on August 31, 2020
Multi-label classification involves predicting zero or more class labels.
Unlike normal classification tasks where class labels are mutually exclusive, multi-label classification requires specialized machine learning algorithms that support predicting multiple mutually non-exclusive classes or “labels.”
Deep learning neural networks are an example of an algorithm that natively supports multi-label classification problems. Neural network models for multi-label classification tasks can be easily defined and evaluated using the Keras deep learning library.
In this tutorial, you will discover how to develop deep learning models for multi-label classification.
After completing this tutorial, you will know:
- Multi-label classification is a predictive modeling task that involves predicting zero or more mutually non-exclusive class labels.
- Neural network models can be configured for multi-label classification tasks.
- How to evaluate a neural network for multi-label classification and make a prediction for new data.
Let’s get started.

Multi-Label Classification with Deep Learning
Photo by Trevor Marron, some rights reserved.
Tutorial Overview
This tutorial is divided into three parts; they are:
- Multi-Label Classification
- Neural Networks for Multiple Labels
- Neural Network for Multi-Label Classification
Multi-Label Classification
Classification is a predictive modeling problem that involves outputting a class label given some input
It is different from regression tasks that involve predicting a numeric value.
Typically, a classification task involves predicting a single label. Alternately, it might involve predicting the likelihood across two or more class labels. In these cases, the classes are mutually exclusive, meaning the classification task assumes that the input belongs to one class only.
Some classification tasks require predicting more than one class label. This means that class labels or class membership are not mutually exclusive. These tasks are referred to as multiple label classification, or multi-label classification for short.
In multi-label classification, zero or more labels are required as output for each input sample, and the outputs are required simultaneously. The assumption is that the output labels are a function of the inputs.
We can create a synthetic multi-label classification dataset using the make_multilabel_classification() function in the scikit-learn library.
Our dataset will have 1,000 samples with 10 input features. The dataset will have three class label outputs for each sample and each class will have one or two values (0 or 1, e.g. present or not present).
The complete example of creating and summarizing the synthetic multi-label classification dataset is listed below.
1 2 3 4 5 6 7 8 9 |
# example of a multi-label classification task from sklearn.datasets import make_multilabel_classification # define dataset X, y = make_multilabel_classification(n_samples=1000, n_features=10, n_classes=3, n_labels=2, random_state=1) # summarize dataset shape print(X.shape, y.shape) # summarize first few examples for i in range(10): print(X[i], y[i]) |
Running the example creates the dataset and summarizes the shape of the input and output elements.
We can see that, as expected, there are 1,000 samples, each with 10 input features and three output features.
The first 10 rows of inputs and outputs are summarized and we can see that all inputs for this dataset are numeric and that output class labels have 0 or 1 values for each of the three class labels.
1 2 3 4 5 6 7 8 9 10 11 12 |
(1000, 10) (1000, 3) [ 3. 3. 6. 7. 8. 2. 11. 11. 1. 3.] [1 1 0] [7. 6. 4. 4. 6. 8. 3. 4. 6. 4.] [0 0 0] [ 5. 5. 13. 7. 6. 3. 6. 11. 4. 2.] [1 1 0] [1. 1. 5. 5. 7. 3. 4. 6. 4. 4.] [1 1 1] [ 4. 2. 3. 13. 7. 2. 4. 12. 1. 7.] [0 1 0] [ 4. 3. 3. 2. 5. 2. 3. 7. 2. 10.] [0 0 0] [ 3. 3. 3. 11. 6. 3. 4. 14. 1. 3.] [0 1 0] [ 2. 1. 7. 8. 4. 5. 10. 4. 6. 6.] [1 1 1] [ 5. 1. 9. 5. 3. 4. 11. 8. 1. 8.] [1 1 1] [ 2. 11. 7. 6. 2. 2. 9. 11. 9. 3.] [1 1 1] |
Next, let’s look at how we can develop neural network models for multi-label classification tasks.
Neural Networks for Multiple Labels
Some machine learning algorithms support multi-label classification natively.
Neural network models can be configured to support multi-label classification and can perform well, depending on the specifics of the classification task.
Multi-label classification can be supported directly by neural networks simply by specifying the number of target labels there is in the problem as the number of nodes in the output layer. For example, a task that has three output labels (classes) will require a neural network output layer with three nodes in the output layer.
Each node in the output layer must use the sigmoid activation. This will predict a probability of class membership for the label, a value between 0 and 1. Finally, the model must be fit with the binary cross-entropy loss function.
In summary, to configure a neural network model for multi-label classification, the specifics are:
- Number of nodes in the output layer matches the number of labels.
- Sigmoid activation for each node in the output layer.
- Binary cross-entropy loss function.
We can demonstrate this using the Keras deep learning library.
We will define a Multilayer Perceptron (MLP) model for the multi-label classification task defined in the previous section.
Each sample has 10 inputs and three outputs; therefore, the network requires an input layer that expects 10 inputs specified via the “input_dim” argument in the first hidden layer and three nodes in the output layer.
We will use the popular ReLU activation function in the hidden layer. The hidden layer has 20 nodes that were chosen after some trial and error. We will fit the model using binary cross-entropy loss and the Adam version of stochastic gradient descent.
The definition of the network for the multi-label classification task is listed below.
1 2 3 4 5 |
# define the model model = Sequential() model.add(Dense(20, input_dim=n_inputs, kernel_initializer='he_uniform', activation='relu')) model.add(Dense(n_outputs, activation='sigmoid')) model.compile(loss='binary_crossentropy', optimizer='adam') |
You may want to adapt this model for your own multi-label classification task; therefore, we can create a function to define and return the model where the number of input and output variables is provided as arguments.
1 2 3 4 5 6 7 |
# get the model def get_model(n_inputs, n_outputs): model = Sequential() model.add(Dense(20, input_dim=n_inputs, kernel_initializer='he_uniform', activation='relu')) model.add(Dense(n_outputs, activation='sigmoid')) model.compile(loss='binary_crossentropy', optimizer='adam') return model |
Now that we are familiar with how to define an MLP for multi-label classification, let’s explore how this model can be evaluated.
Neural Network for Multi-Label Classification
If the dataset is small, it is good practice to evaluate neural network models repeatedly on the same dataset and report the mean performance across the repeats.
This is because of the stochastic nature of the learning algorithm.
Additionally, it is good practice to use k-fold cross-validation instead of train/test splits of a dataset to get an unbiased estimate of model performance when making predictions on new data. Again, only if there is not too much data that the process can be completed in a reasonable time.
Taking this into account, we will evaluate the MLP model on the multi-output regression task using repeated k-fold cross-validation with 10 folds and three repeats.
The MLP model will predict the probability for each class label by default. This means it will predict three probabilities for each sample. These can be converted to crisp class labels by rounding the values to either 0 or 1. We can then calculate the classification accuracy for the crisp class labels.
1 2 3 4 5 6 7 |
... # make a prediction on the test set yhat = model.predict(X_test) # round probabilities to class labels yhat = yhat.round() # calculate accuracy acc = accuracy_score(y_test, yhat) |
The scores are collected and can be summarized by reporting the mean and standard deviation across all repeats and cross-validation folds.
The evaluate_model() function below takes the dataset, evaluates the model, and returns a list of evaluation scores, in this case, accuracy scores.
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 |
# evaluate a model using repeated k-fold cross-validation def evaluate_model(X, y): results = list() n_inputs, n_outputs = X.shape[1], y.shape[1] # define evaluation procedure cv = RepeatedKFold(n_splits=10, n_repeats=3, random_state=1) # enumerate folds for train_ix, test_ix in cv.split(X): # prepare data X_train, X_test = X[train_ix], X[test_ix] y_train, y_test = y[train_ix], y[test_ix] # define model model = get_model(n_inputs, n_outputs) # fit model model.fit(X_train, y_train, verbose=0, epochs=100) # make a prediction on the test set yhat = model.predict(X_test) # round probabilities to class labels yhat = yhat.round() # calculate accuracy acc = accuracy_score(y_test, yhat) # store result print('>%.3f' % acc) results.append(acc) return results |
We can then load our dataset and evaluate the model and report the mean performance.
Tying this together, the complete example is listed below.
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 |
# mlp for multi-label classification from numpy import mean from numpy import std from sklearn.datasets import make_multilabel_classification from sklearn.model_selection import RepeatedKFold from keras.models import Sequential from keras.layers import Dense from sklearn.metrics import accuracy_score # get the dataset def get_dataset(): X, y = make_multilabel_classification(n_samples=1000, n_features=10, n_classes=3, n_labels=2, random_state=1) return X, y # get the model def get_model(n_inputs, n_outputs): model = Sequential() model.add(Dense(20, input_dim=n_inputs, kernel_initializer='he_uniform', activation='relu')) model.add(Dense(n_outputs, activation='sigmoid')) model.compile(loss='binary_crossentropy', optimizer='adam') return model # evaluate a model using repeated k-fold cross-validation def evaluate_model(X, y): results = list() n_inputs, n_outputs = X.shape[1], y.shape[1] # define evaluation procedure cv = RepeatedKFold(n_splits=10, n_repeats=3, random_state=1) # enumerate folds for train_ix, test_ix in cv.split(X): # prepare data X_train, X_test = X[train_ix], X[test_ix] y_train, y_test = y[train_ix], y[test_ix] # define model model = get_model(n_inputs, n_outputs) # fit model model.fit(X_train, y_train, verbose=0, epochs=100) # make a prediction on the test set yhat = model.predict(X_test) # round probabilities to class labels yhat = yhat.round() # calculate accuracy acc = accuracy_score(y_test, yhat) # store result print('>%.3f' % acc) results.append(acc) return results # load dataset X, y = get_dataset() # evaluate model results = evaluate_model(X, y) # summarize performance print('Accuracy: %.3f (%.3f)' % (mean(results), std(results))) |
Running the example reports the classification accuracy for each fold and each repeat, to give an idea of the evaluation progress.
Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.
At the end, the mean and standard deviation accuracy is reported. In this case, the model is shown to achieve an accuracy of about 81.2 percent.
You can use this code as a template for evaluating MLP models on your own multi-label classification tasks. The number of nodes and layers in the model can easily be adapted and tailored to the complexity of your dataset.
1 2 3 4 5 6 7 |
... >0.780 >0.820 >0.790 >0.810 >0.840 Accuracy: 0.812 (0.032) |
Once a model configuration is chosen, we can use it to fit a final model on all available data and make a prediction for new data.
The example below demonstrates this by first fitting the MLP model on the entire multi-label classification dataset, then calling the predict() function on the saved model in order to make a prediction for a new row of data.
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 |
# use mlp for prediction on multi-label classification from numpy import asarray from sklearn.datasets import make_multilabel_classification from keras.models import Sequential from keras.layers import Dense # get the dataset def get_dataset(): X, y = make_multilabel_classification(n_samples=1000, n_features=10, n_classes=3, n_labels=2, random_state=1) return X, y # get the model def get_model(n_inputs, n_outputs): model = Sequential() model.add(Dense(20, input_dim=n_inputs, kernel_initializer='he_uniform', activation='relu')) model.add(Dense(n_outputs, activation='sigmoid')) model.compile(loss='binary_crossentropy', optimizer='adam') return model # load dataset X, y = get_dataset() n_inputs, n_outputs = X.shape[1], y.shape[1] # get model model = get_model(n_inputs, n_outputs) # fit the model on all data model.fit(X, y, verbose=0, epochs=100) # make a prediction for new data row = [3, 3, 6, 7, 8, 2, 11, 11, 1, 3] newX = asarray([row]) yhat = model.predict(newX) print('Predicted: %s' % yhat[0]) |
Running the example fits the model and makes a prediction for a new row. As expected, the prediction contains three output variables required for the multi-label classification task: the probabilities of each class label.
1 |
Predicted: [0.9998627 0.9849341 0.00208042] |
Further Reading
This section provides more resources on the topic if you are looking to go deeper.
- Multi-label classification, Wikipedia.
- sklearn.datasets.make_multilabel_classification API.
- Keras homepage.
- sklearn.model_selection.RepeatedStratifiedKFold API.
Summary
In this tutorial, you discovered how to develop deep learning models for multi-label classification.
Specifically, you learned:
- Multi-label classification is a predictive modeling task that involves predicting zero or more mutually non-exclusive class labels.
- Neural network models can be configured for multi-label classification tasks.
- How to evaluate a neural network for multi-label classification and make a prediction for new data.
Do you have any questions?
Ask your questions in the comments below and I will do my best to answer.
Hi Jason,
How to deal if one or more labels are heavily imbalanced?
We might have high accuracy but F1 score would be low for those.
Use label based macro or micro averaged F-Score and not accuracy or hamming loss to evaluate. It’s a good idea to perform a per-label performance analysis which is often not done in the multi-label literature.
Great suggestion.
This article is nice
Thanks!
Perhaps you can try a class weighting, e.g. cost-sensitive learning:
https://machinelearningmastery.com/cost-sensitive-neural-network-for-imbalanced-classification/
Hello,
This is really very informative article and thanks for sharing this usefull post.
You’re welcome. I’m happy to hear that!
Sir you are a gem! Great article!
Thanks.
For larger datasets where we would use train/test/validate would we still use average accuracy to evaluate?
No, you would estimate directly from your test set.
Hi Jason,
Very well explained.
Thank you
You’re welcome.
Jason I appreciate your tutorials
Thank you!
Had some trouble installing them on Anaconda my solution is the instruction in Autokeras website.To install the package, please use the pip installation as follows:
pip3 install git+https://github.com/keras-team/keras-tuner.git@1.0.2rc1
pip3 install autokeras
Thanks for this Doc Jason will buy the book over the weekend on a Student Discount
Great tip, thanks for sharing!
Hi Jason,
Can Random Forest or XGBoost be used for similar problem of multi-label classification? How viable would that approach be? And are you planning to do any such article in the near future?
I’m not sure off the cuff, sorry. Perhaps try it and see.
This is really an awesome tutorial.
The hidden layer has 20 nodes . Is there any particular logic to choose the number of nodes based on number of input dimensions which is 10 in this case ?
Thanks!
No, it was configured via trial and error.
Hi Jason,
In MultiLabel if the prediction gives as
array([[0.4774732 , 0.04919493, 0.47333184]], dtype=float32)
and data has 3 classes say ‘0’,’1′,’2′
How we know which class probability belong to which class?
Thank You
Also, How to get model.classes_ for keras functional model, for the multi label we do to_categorical of y values like
y_train = tensorflow.keras.utils.to_categorical(y_train, num_classes= 3)
y_valid = tensorflow.keras.utils.to_categorical(y_valid, num_classes= 3)
whether y_train column names return classes in order of prediction?
You can call model.predict_classes(), more here:
https://machinelearningmastery.com/how-to-make-classification-and-regression-predictions-for-deep-learning-models-in-keras/
Index 0 is always class 0, index 1 is always class 1, etc.
You can use argmax as a short cut:
https://machinelearningmastery.com/argmax-in-machine-learning/
Thanks Jason
Does that mean in this also
array([[0.4774732 , 0.04919493, 0.47333184]], dtype=float32)
Index 0 belong to class 0, Index 1 belong to Class 1, etc
Yes.
Because model.predict_classes(), argmax returns the max probability class
Yes.
predict_classes() does an argmax for you.
Dear Dr Jason,
The predicted yhat[0].round() returns
* Is the above example predicting multi-variate output
Thank you,
Anthony of Sydney
A multi-label output. I guess you could call it multivariate, but I would not use that phrase.
Dear Dr Jason,
Thank you,
Anthony of Sydney
Dear Dr Jason,
Given that there are multi-label outputs consisting of only 0 or 1, are there multilabel categories regression models whose outputs belong to the set of integers?
By set of integers I mean numbers that are like 0,1,2,3,4? NOT 0, 1.39, 2.141, 3.142, 4.23? I mean multi-label integers output categories
Thank you,
Anthony of Sydney
If you require a model to predict integers, you can round/scale the output of a model to meet your needs.
Dear Dr Jason,
Thank you for your reply.
Could you elaborate what kind of multivariate Y models I could generate please.
Thank you,
Anthony of Sydney
An MLP for regression can output real values in 0-1 that can be scaled by the desired range and rounded.
Target values in the training data must be prepared in the same way.
Dear Dr Jason,
In the #define model
* We know that ’20’ means 20 neurons in the first hidden layer.
* Is there a rule of thumb to determine how many neurons are in the hidden layer?
Thank you,
Anthony of Sydney
Good question, no, see this:
https://machinelearningmastery.com/faq/single-faq/how-many-layers-and-nodes-do-i-need-in-my-neural-network
Dear Dr Jason,
Thank you for the reply by averting me to the FAQ on adding lawyers and nodes.
I have a further question not addressed by the FAQ.
Is it possible that even if you add layers and nodes, would an evaluiation score or accuracy score get worse.
Put it another way, could an evaluation or accuracy score peak as you add more layers and/or nodes then as you add more layers and/or nodes, the evaluation or accuracy score drops?
Thank you,
Anthony of Sydney
Yes, it is common that adding layers and nodes results in worse performance at some point, particularly if you do not also tune the hyperparametres for the learning algorithm.
Hi Dr Jason,
Very well explained, Thank you.
Please , I have multi label classification dataset with large number of labels , labels equal to 1385
When use this model on my dataset
The accuracy of training data equal to 15 and
The accuracy of testing data equal to zero
How can I do to deal with my multi label dataset with this number of labels ?
Thanks alot.
Thanks.
Good question, this may give you ideas:
https://machinelearningmastery.com/faq/single-faq/how-do-i-handle-a-large-number-of-categories
hi Jason,
very well explained!
Just wanted to understand how to achieve following –
my data looks like below
Order No Item ID Item Type Box Size
X A APP C1
B APP C2
C FTW C3
D FTW
Y B HAZ C1
C FTW C2
E APP C3
Basically, I have orders which can contain multiple products. The products in one order can be grouped into one or multiple boxes, based on certain parameters. my algorithm should be able to predict which products can go into what size of box based on historical data. Is there anyway we can achieve this?
This might gives you some ideas (replace sites with products):
https://machinelearningmastery.com/faq/single-faq/how-to-develop-forecast-models-for-multiple-sites
Jason,
Take the example of a binary classification problem of whether an image has a human in it or not. Here the outputs are obviously mutually exclusive. Then why do we use sigmoid functions for such a problem?
Isn’t sigmoid and softmax same for binary classification problems?
Sigmoid is for binary classification.
Softmax is for multi-class classification.
Here we are doing “multi-label” classification, which is like multiple binary classification problems. So we use sigmoid.
The problem that I stated here it’s outputs are mutually exclusive i.e in an image we can either have a human or not. Then why in this binary problem I’m supposed to use sigmoid instead of softmax?
Sorry, I don’t understand your question. Could you please rephrase or elaborate?
Classification labels are mutually exclusive.
In multi-label classification, they are not mutually exclusive.
See this:
https://machinelearningmastery.com/types-of-classification-in-machine-learning/
What i’m trying to ask is that binary classification problems like whether there is a human in an image or not, this problems output are mutually exclusive. One can either have a human or not have. Why are we using using sigmoid here? Sigmoids don’t sum to one. Hence probability(having a human in the image)+ p(not having human in the image) not equalls to 1. Perhaps use softmax instead for binary classification problems?
Your problem may be a mutually exclusive classification problem.
We use sigmoid above because it is a different kind of classification problem where labels are NOT mutually exclusive.
Is that clearer?
Then for binary classification problems where labels are mutually exclusive we should use softmax instead of sigmoid?
No, mutually exclusive binary classification has a single output and should use sigmoid.
Softmax is only used for more than two mutually exclusive classes.
thanks Jason
You’re welcome.
Very nice tutorial. Thank you. I ran it and did some mods experimenting, did try weighted F1 and it was better than accuracy on my mods (double the features and classes — I’m looking to go to x10 classes). Any suggestions on where the classes are not all independent?
Nice work!
It might be worth reviewing the literature to see how vast numbers of labels are supported.
If they are not independent, then perhaps a multi-pass/hierarchical approach can be used.
Hi Jason,
In MultiLabel if the prediction gives as
array([[0.4774732 , 0.04919493, 0.47333184]], dtype=float32)
and data has 3 classes say ‘credit’,’debit′,’loan′
How we know which class probability belong to which class?
Thank You
Multi-label classes are not mutually exclusive – meaning we can apply multiple labels to a given example.
The cut-off is 0.5. You can call model.predict_classes() to get labels instead of probabilities or call round().
Hi Jason, in this tutorial is it possible to use time series as a data set to do a classification for future time steps? I mean, is there any other consideration to take into account?
Yes, see the HAR examples of time series classification here:
https://machinelearningmastery.com/start-here/#deep_learning_time_series
Dear Jason,
Thank you for this tutorial. Could you please give an advice, how to deal with partial/missing labels of training samples?
Examples with missing labels/targets cannot be used for training.
Hi, can you help me with my research problem, I’m doing multi-label classification on research papers (RP) textual content, and RP content is too large and there are many classes in which RP can lie, can you suggest the model for multi-label large scale textual content classification problem.
I would expect a deep learning language model would play an important part in this application.
Hello Jason, thanks for the tutorial.
And what about multi-label multi-class classification? That is when every class has more than 2 label options? How to deal with such a task?
Good question, I hope to write about this topic in the future.
Hello Dr,
Nice article with extensive explanation..can you please tell me which keras,tensorflow and python version did you use for this code ?
Thnaks.
It works with the latest version of Keras and TensorFlow, but I expect it works with most if not all versions.
How can i prepare data for multi-label classification?
Good question.
Create a target vector with a length of the number of labels/classes, then mark a 1 if a label is present for the sample, otherwise mark a 0.
An example please!
Thanks for the suggestion.