scikit-learnneural-networkdeep-learninglasagnenolearn

How to calculate F1-micro score using lasagne


import theano.tensor as T
import numpy as np
from nolearn.lasagne import NeuralNet

def multilabel_objective(predictions, targets):
    epsilon = np.float32(1.0e-6)
    one = np.float32(1.0)
    pred = T.clip(predictions, epsilon, one - epsilon)
    return -T.sum(targets * T.log(pred) + (one - targets) * T.log(one - pred), axis=1)

net = NeuralNet(
    # your other parameters here (layers, update, max_epochs...)
    # here are the one you're interested in:
    objective_loss_function=multilabel_objective,
    custom_score=("validation score", lambda x, y: np.mean(np.abs(x - y)))
)

I found this code online and wanted to test it. It did work, the results include training loss, test loss, validation score and during time and so on.

But how can I get the F1-micro score? Also, if I was trying to import scikit-learn to calculate the F1 after adding the following code:

data = data.astype(np.float32) 
classes = classes.astype(np.float32)

net.fit(data, classes)

score = cross_validation.cross_val_score(net, data, classes, scoring='f1', cv=10)

print score

I got this error:

ValueError: Can't handle mix of multilabel-indicator and continuous-multioutput

How to implement F1-micro calculation based on above code?


Solution

  • Suppose your true labels on the test set are y_true (shape: (n_samples, n_classes), composed only of 0s and 1s), and your test observations are X_test (shape: (n_samples, n_features)).

    Then you get your net predicted values on the test set by y_test = net.predict(X_test).

    If you are doing multiclass classification:

    Since in your network you have set regression to False, this should be composed of 0s and 1s only, too.

    You can compute the micro averaged f1 score with:

    from sklearn.metrics import f1_score
    f1_score(y_true, y_pred, average='micro')
    

    Small code sample to illustrate this (with dummy data, use your actual y_test and y_true):

    from sklearn.metrics import f1_score
    import numpy as np
    
    
    y_true = np.array([[0, 0, 1], [0, 1, 0], [0, 0, 1], [0, 0, 1], [0, 1, 0]])
    y_pred = np.array([[1, 0, 0], [0, 1, 0], [0, 0, 1], [0, 0, 1], [0, 0, 1]])
    
    t = f1_score(y_true, y_pred, average='micro')
    

    If you are doing multilabel classification:

    You are not outputting a matrix of 0 and 1, but a matrix of probabilities. y_pred[i, j] is the probability that observation i belongs to the class j.

    You need to define a threshold value, above which you will say an observation belongs to a given class. Then you can attribute labels accordingly and proceed just the same as in the previous case.

    thresh = 0.8  # choose your own value 
    y_test_binary = np.where(y_test > thresh, 1, 0) 
    # creates an array with 1 where y_test>thresh, 0 elsewhere
    
    f1_score(y_true, y_pred_binary, average='micro')