99 lines
3.0 KiB
Python
99 lines
3.0 KiB
Python
import numpy as np
|
|
import pytest
|
|
import torch
|
|
|
|
from mmseg.models.losses import Accuracy, reduce_loss, weight_reduce_loss
|
|
|
|
|
|
def test_weight_reduce_loss():
|
|
loss = torch.rand(1, 3, 4, 4)
|
|
weight = torch.zeros(1, 3, 4, 4)
|
|
weight[:, :, :2, :2] = 1
|
|
|
|
# test reduce_loss()
|
|
reduced = reduce_loss(loss, 'none')
|
|
assert reduced is loss
|
|
|
|
reduced = reduce_loss(loss, 'mean')
|
|
np.testing.assert_almost_equal(reduced.numpy(), loss.mean())
|
|
|
|
reduced = reduce_loss(loss, 'sum')
|
|
np.testing.assert_almost_equal(reduced.numpy(), loss.sum())
|
|
|
|
# test weight_reduce_loss()
|
|
reduced = weight_reduce_loss(loss, weight=None, reduction='none')
|
|
assert reduced is loss
|
|
|
|
reduced = weight_reduce_loss(loss, weight=weight, reduction='mean')
|
|
target = (loss * weight).mean()
|
|
np.testing.assert_almost_equal(reduced.numpy(), target)
|
|
|
|
reduced = weight_reduce_loss(loss, weight=weight, reduction='sum')
|
|
np.testing.assert_almost_equal(reduced.numpy(), (loss * weight).sum())
|
|
|
|
with pytest.raises(AssertionError):
|
|
weight_wrong = weight[0, 0, ...]
|
|
weight_reduce_loss(loss, weight=weight_wrong, reduction='mean')
|
|
|
|
with pytest.raises(AssertionError):
|
|
weight_wrong = weight[:, 0:2, ...]
|
|
weight_reduce_loss(loss, weight=weight_wrong, reduction='mean')
|
|
|
|
|
|
def test_accuracy():
|
|
# test for empty pred
|
|
pred = torch.empty(0, 4)
|
|
label = torch.empty(0)
|
|
accuracy = Accuracy(topk=1)
|
|
acc = accuracy(pred, label)
|
|
assert acc.item() == 0
|
|
|
|
pred = torch.Tensor([[0.2, 0.3, 0.6, 0.5], [0.1, 0.1, 0.2, 0.6],
|
|
[0.9, 0.0, 0.0, 0.1], [0.4, 0.7, 0.1, 0.1],
|
|
[0.0, 0.0, 0.99, 0]])
|
|
# test for top1
|
|
true_label = torch.Tensor([2, 3, 0, 1, 2]).long()
|
|
accuracy = Accuracy(topk=1)
|
|
acc = accuracy(pred, true_label)
|
|
assert acc.item() == 100
|
|
|
|
# test for top1 with score thresh=0.8
|
|
true_label = torch.Tensor([2, 3, 0, 1, 2]).long()
|
|
accuracy = Accuracy(topk=1, thresh=0.8)
|
|
acc = accuracy(pred, true_label)
|
|
assert acc.item() == 40
|
|
|
|
# test for top2
|
|
accuracy = Accuracy(topk=2)
|
|
label = torch.Tensor([3, 2, 0, 0, 2]).long()
|
|
acc = accuracy(pred, label)
|
|
assert acc.item() == 100
|
|
|
|
# test for both top1 and top2
|
|
accuracy = Accuracy(topk=(1, 2))
|
|
true_label = torch.Tensor([2, 3, 0, 1, 2]).long()
|
|
acc = accuracy(pred, true_label)
|
|
for a in acc:
|
|
assert a.item() == 100
|
|
|
|
# topk is larger than pred class number
|
|
with pytest.raises(AssertionError):
|
|
accuracy = Accuracy(topk=5)
|
|
accuracy(pred, true_label)
|
|
|
|
# wrong topk type
|
|
with pytest.raises(AssertionError):
|
|
accuracy = Accuracy(topk='wrong type')
|
|
accuracy(pred, true_label)
|
|
|
|
# label size is larger than required
|
|
with pytest.raises(AssertionError):
|
|
label = torch.Tensor([2, 3, 0, 1, 2, 0]).long() # size mismatch
|
|
accuracy = Accuracy()
|
|
accuracy(pred, label)
|
|
|
|
# wrong pred dimension
|
|
with pytest.raises(AssertionError):
|
|
accuracy = Accuracy()
|
|
accuracy(pred[:, :, None], true_label)
|