多分类任务中如何使用facal loss

Focal Loss 是一种专门设计用于处理类别不平衡问题的损失函数。与标准的 CrossEntropyLoss 不同,Focal Loss 通过引入一个调节因子,减少了模型在容易区分的样本上的损失,专注于难分类的样本。它尤其适合在正负样本分布严重不均衡的场景中使用。

公式为:
Focal Loss = − α t ( 1 − p t ) γ log ⁡ ( p t ) \text{Focal Loss} = -\alpha_t (1 - p_t)^\gamma \log(p_t) Focal Loss=−αt(1−pt)γlog(pt)

其中:

  • p t p_t pt 是模型对于正确类别的预测概率。
  • α t \alpha_t αt 是权重因子,通常用于平衡正负样本。
  • γ \gamma γ 是一个调节因子,用于控制容易分类样本对总损失的影响,常取值为 2。

使用 Focal Loss 的步骤

  1. 计算 Cross Entropy Loss:这是 Focal Loss 的基础。
  2. 计算调节因子 :根据模型预测的概率,计算难易度因子 ( 1 − p t ) γ (1 - p_t)^\gamma (1−pt)γ。
  3. 组合计算 Focal Loss:将 Cross Entropy 和调节因子结合得到最终的损失。

代码实现

你可以通过自定义 Focal Loss 来替换标准的 CrossEntropyLoss,具体实现如下:

python 复制代码
import torch
import torch.nn as nn
import torch.nn.functional as F

class FocalLoss(nn.Module):
    def __init__(self, gamma=2, alpha=None, reduction='mean'):
        """
        :param gamma: Focusing parameter. Default is 2.
        :param alpha: Weighting factor for class imbalance. Default is None.
        :param reduction: Specifies the reduction to apply to the output: 'none', 'mean' or 'sum'.
        """
        super(FocalLoss, self).__init__()
        self.gamma = gamma
        self.alpha = alpha  # Can be a scalar (for binary) or a tensor (for multi-class)
        self.reduction = reduction

    def forward(self, inputs, targets):
        # Cross entropy loss (without reduction, so we can apply custom weight)
        ce_loss = F.cross_entropy(inputs, targets, reduction='none')

        # Compute the probabilities of the correct class
        p_t = torch.exp(-ce_loss)  # Equivalent to exp(log(p_t)) = p_t

        # Calculate the focal weight (1 - p_t)^gamma
        focal_weight = (1 - p_t) ** self.gamma

        # Apply alpha balancing if provided
        if self.alpha is not None:
            alpha_t = self.alpha[targets]
            focal_weight = alpha_t * focal_weight

        # Combine focal weight and cross entropy loss
        focal_loss = focal_weight * ce_loss

        if self.reduction == 'mean':
            return focal_loss.mean()
        elif self.reduction == 'sum':
            return focal_loss.sum()
        else:
            return focal_loss

# Example usage for a multi-class classification problem
if __name__ == "__main__":
    num_classes = 10
    batch_size = 5

    # Random predictions (logits) and targets
    inputs = torch.randn(batch_size, num_classes, requires_grad=True)  # Model outputs
    targets = torch.randint(0, num_classes, (batch_size,))  # True labels

    # Initialize Focal Loss with gamma=2.0 and no alpha balancing
    focal_loss_fn = FocalLoss(gamma=2.0)

    # Calculate loss
    loss = focal_loss_fn(inputs, targets)

    print(f"Focal Loss: {loss.item()}")

解释:

  1. inputs :形状为 (batch_size, num_classes),代表模型的预测 logits。
  2. targets :形状为 (batch_size,),代表真实的类别索引。
  3. F.cross_entropy:计算交叉熵损失,但不应用 reduction,因此我们可以在之后手动计算并应用 Focal Loss。
  4. p_t:计算模型对于正确类别的预测概率。
  5. focal_weight :使用调节因子 ( 1 − p t ) γ (1 - p_t)^\gamma (1−pt)γ 调整容易分类的样本的影响。
  6. alpha:用于应对类别不平衡问题。可以是一个标量或者一个与类别数量相同的张量,给每个类别赋予不同的权重。
  7. reduction :你可以选择如何缩减损失值:mean(取均值)、sum(取总和)、none(返回每个样本的损失值)。

优化思路:

  • gamma 的调整gamma 越大,对容易分类样本的抑制越强;gamma 越小,损失函数趋向于标准的交叉熵损失。
  • alpha 的使用 :如果有类别不平衡问题,可以根据每个类别的样本比例设置 alpha,使得稀少类别的损失权重更高。

总结:

Focal Loss 在多分类问题中,通过对难分类样本赋予更高的损失权重,来减少容易分类样本对模型训练的干扰,常用于类别不平衡的任务,如目标检测等。

相关推荐
CV学术叫叫兽30 分钟前
一站式学习:害虫识别与分类图像分割
学习·分类·数据挖掘
余生H1 小时前
transformer.js(三):底层架构及性能优化指南
javascript·深度学习·架构·transformer
罗小罗同学2 小时前
医工交叉入门书籍分享:Transformer模型在机器学习领域的应用|个人观点·24-11-22
深度学习·机器学习·transformer
孤独且没人爱的纸鹤2 小时前
【深度学习】:从人工神经网络的基础原理到循环神经网络的先进技术,跨越智能算法的关键发展阶段及其未来趋势,探索技术进步与应用挑战
人工智能·python·深度学习·机器学习·ai
阿_旭2 小时前
TensorFlow构建CNN卷积神经网络模型的基本步骤:数据处理、模型构建、模型训练
人工智能·深度学习·cnn·tensorflow
羊小猪~~2 小时前
tensorflow案例7--数据增强与测试集, 训练集, 验证集的构建
人工智能·python·深度学习·机器学习·cnn·tensorflow·neo4j
Sxiaocai2 小时前
使用TensorFlow实现简化版 GoogLeNet 模型进行 MNIST 图像分类
分类·tensorflow·neo4j
极客代码2 小时前
【Python TensorFlow】进阶指南(续篇三)
开发语言·人工智能·python·深度学习·tensorflow
zhangfeng11332 小时前
pytorch 的交叉熵函数,多分类,二分类
人工智能·pytorch·分类
Seeklike2 小时前
11.22 深度学习-pytorch自动微分
人工智能·pytorch·深度学习