计算nn.Linear的计算量FLOPs

import torch
import torch.nn as nn
m = nn.Linear(20, 30)
input = torch.randn(128, 3,20)
output = m(input)
print(output.size())
flops = (torch.prod(torch.LongTensor(list(output.size()))) \
         * input[0].size(1)).item()
print((list(output.size())))
print(input[0].size(1))
print(flops)

官网对nn.Linear的介绍:

Applies a linear transformation to the incoming data:
y = x A T + b y = xA^T + b y=xAT+b
其函数签名为
torch.nn.Linear(in_features, out_features, bias=True)
其参数为:

  • in_features - size of each input sample
  • out_features -size of each output sample
  • bias If set to false, the layer will not learn an additive bias.
    其输入输出的维度为:
  • Input: ( N , ∗ , H i n ) (N, *, H_{in}) (N,,Hin), where *∗ means any number of additional dimensions and H i n H_{in} Hin=in_features
  • Output: ( N , ∗ , H o u t ) (N, *, H_{out}) (N,,Hout), where all but the last dimension are the same shape as the input and H o u t H_{out} Hout=out_features

故代码运行得到的计算量FLOPS为 128×3×20×30 = 230400,即计算量FLOPs为batch_size×特征维度值×输入特征数×输出特征数。

  • 1
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 2
    评论
Swin Transformer模型的运算可以通过计算每个操作的浮点操作数(FLOPs)来估计。FLOPs函数可以通过统计每个操作的计算来实现。 Swin Transformer模型中的关键操作是多头自注意力(multi-head self-attention)和MLP (多感知机)。对于每个操作,我们可以计算FLOPs并进行累加。 以下是一个示例代码,用于估计Swin Transformer模型的FLOPs: ```python import torch def count_flops(module, input, output): flops = 0 if hasattr(module, 'weight'): flops += module.weight.numel() if hasattr(module, 'bias') and module.bias is not None: flops += module.bias.numel() if isinstance(module, torch.nn.Linear): flops *= 2 # Linear operations involve both multiplication and addition # Accumulate flops for each operation module.__flops__ += flops def flops(model, input_size): model.eval() model.apply(lambda module: setattr(module, '__flops__', 0)) model.apply(lambda module: module.register_forward_hook(count_flops)) with torch.no_grad(): model(torch.randn(1, *input_size)) total_flops = sum([module.__flops__ for module in model.modules()]) return total_flops ``` 使用该函数,您可以计算Swin Transformer模型的总FLOPs。请确保将正确的输入大小传递给`flops`函数。 ```python import torchvision.models as models model = models.swin_transformer.SwinTransformer() input_size = (3, 224, 224) # Assuming input images of size 224x224 and 3 channels total_flops = flops(model, input_size) print('Total FLOPs:', total_flops) ``` 请注意,这只是一个简单的估计方法,实际的FLOPs可能会有所差异。此外,不同的库和工具可能会提供不同的FLOPs估计结果。这个代码示例可以作为一个起点,您可以根据具体情况进行修改和调整。

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 2
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值