IT数码 购物 网址 头条 软件 日历 阅读 图书馆
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
图片批量下载器
↓批量下载图片,美女图库↓
图片自动播放器
↓图片自动播放器↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁
 
   -> 游戏开发 -> 基于ConvNeXt的语义分割代码实现 -> 正文阅读

[游戏开发]基于ConvNeXt的语义分割代码实现

import torch
import torch.nn as nn
import torch.nn.functional as F
from timm.models.layers import DropPath, trunc_normal_


class layer_Norm(nn.Module):
    def __init__(self, normalized_shape, eps=1e-6, data_format='channels_last'):
        super(layer_Norm, self).__init__()
        self.weight =nn.Parameter(torch.ones(normalized_shape), requires_grad=True)
        self.bias = nn.Parameter(torch.zeros(normalized_shape), requires_grad=True)
        self.eps = eps
        self.data_format = data_format
        if self.data_format not in ['channels_last', 'channels_first']:
            raise NotImplementedError
        self.normalized_shape = (normalized_shape, )

    def forward(self, x):
        # [batch_size, height, weight, channel]
        if self.data_format == 'channels_last':
            return F.layer_norm(x, self.normalized_shape, self.weight, self.bias, self.eps)
        elif self.data_format == 'channels_first':
            mean = x.mean(1, keepdim=True)
            var = (x - mean).pow(2).mean(1, keepdim=True)
            x = (x - mean) / torch.sqrt(var + self.eps)
            x = self.weight[:, None, None] * x + self.bias[:, None, None]
            return x


class Block(nn.Module):
    def __init__(self, dim, drop_path=0., layer_scale_init_value=1e-6):
        super(Block, self).__init__()

        self.dwconv = nn.Conv2d(dim, dim, kernel_size=7, padding=3, groups=dim)
        self.norm = layer_Norm(dim, eps=1e-6)
        self.pwconv1 = nn.Linear(dim, 4 * dim)
        self.act = nn.GELU()
        self.pwconv2 = nn.Linear(4 * dim, dim)
        self.gamma = nn.Parameter(layer_scale_init_value * torch.ones((dim)), requires_grad=True) if layer_scale_init_value > 0 else None
        self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity()

    def forward(self, x):
        input = x
        x = self.dwconv(x)
        x = x.permute(0, 2, 3, 1)
        x = self.norm(x)
        x = self.pwconv1(x)
        x = self.act(x)
        x = self.pwconv2(x)
        if self.gamma is not None:
            x = self.gamma * x
        x = x.permute(0, 3, 1, 2)

        x = input + self.drop_path(x)
        return x


class ConvNeXt(nn.Module):
    def __init__(self, in_channels=3, num_class=12, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0., layer_scale_init_value=1e-6, head_init_scale=1.):
        super(ConvNeXt, self).__init__()

        self.downsample_layers = nn.ModuleList()
        stem = nn.Sequential(
            nn.Conv2d(in_channels, dims[0], kernel_size=4, stride=4),
            layer_Norm(dims[0], eps=1e-6, data_format='channels_first')
        )
        self.downsample_layers.append(stem)

        for i in range(3):
            downsample_layer = nn.Sequential(
                layer_Norm(dims[i], eps=1e-6, data_format='channels_first'),
                nn.Conv2d(dims[i], dims[i+1], kernel_size=2, stride=2)
            )
            self.downsample_layers.append(downsample_layer)

        self.stages = nn.ModuleList()
        dp_rates = [x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))]
        cur = 0
        for i in range(4):
            stage = nn.Sequential(
                *[Block(dim=dims[i], drop_path=dp_rates[cur + j], layer_scale_init_value=layer_scale_init_value) for j in range(depths[i])]
            )
            self.stages.append(stage)
            cur += depths[i]

        # self.norm = nn.LayerNorm(dims[-1], eps=1e-6)
        self.norm = layer_Norm(dims[-1], eps=1e-6, data_format='channels_first')
        self.head = nn.Linear(dims[-1], num_class)

        self.apply(self._init_weights)

        self.x4_12 = nn.Conv2d(768, num_class, kernel_size=1)
        self.norm_x4_12 = layer_Norm(num_class, eps=1e-6, data_format='channels_first')
        self.act = nn.GELU()

        self.deconv_x4 = nn.ConvTranspose2d(num_class, num_class, 4, 2, 1)
        self.norm_x3 = layer_Norm(384, eps=1e-6, data_format='channels_first')
        self.x3_12 = nn.Conv2d(384, num_class, kernel_size=1)

        self.deconv_x3 = nn.ConvTranspose2d(num_class, num_class, 4, 2, 1)

        self.norm_x2 = layer_Norm(192, eps=1e-6, data_format='channels_first')
        self.x2_12 = nn.Conv2d(192, num_class, kernel_size=1)

        self.deconv_x2 = nn.ConvTranspose2d(num_class, num_class, 4, 2, 1)

        self.norm_x1 = layer_Norm(96, eps=1e-6, data_format='channels_first')
        self.x1_12 = nn.Conv2d(96, num_class, kernel_size=1)

        self.upsample = nn.ConvTranspose2d(num_class, num_class, 8, 4, 2, bias=False)

    def _init_weights(self, m):
        if isinstance(m, (nn.Conv2d, nn.Linear)):
            trunc_normal_(m.weight, std=.02)
            nn.init.constant_(m.bias, 0)

    def forward_features(self, x):

        x = self.downsample_layers[0](x)
        x = self.stages[0](x)
        x1 = x

        x = self.downsample_layers[1](x)
        x = self.stages[1](x)
        x2 = x

        x = self.downsample_layers[2](x)
        x = self.stages[2](x)
        x3 = x

        x = self.downsample_layers[3](x)
        x = self.stages[3](x)
        x = self.norm(x)
        return x, x3, x2, x1

    def forward(self, x):
        x, x3, x2, x1 = self.forward_features(x)
        x4_12 = self.act(self.norm_x4_12(self.x4_12(x)))
        x4_x3 = self.act(self.norm_x4_12(self.deconv_x4(x4_12)))

        x3_norm = self.norm_x3(x3)
        x3_12 = self.act(self.norm_x4_12(self.x3_12(x3_norm)))

        x3_x4 = x4_x3 + x3_12

        x43 = self.deconv_x3(x3_x4)

        x2_norm = self.norm_x2(x2)
        x2_12 = self.act(self.norm_x4_12(self.x2_12(x2_norm)))

        x2_x3 = x2_12 + x43

        x32 = self.deconv_x2(x2_x3)

        x1_norm = self.norm_x1(x1)
        x1_12 = self.act(self.norm_x4_12(self.x1_12(x1_norm)))

        x2_x1 = x32 + x1_12

        x = self.upsample(x2_x1)




        # print(x.shape)
        # print(x4.shape)
        # print(x3.shape)
        # print(x2.shape)
        # print(x1.shape)
        return x


if __name__ == '__main__':
    rgb = torch.randn([1, 3, 224, 224])
    net = ConvNeXt()
    out = net(rgb)
    print(out.shape)
  游戏开发 最新文章
6、英飞凌-AURIX-TC3XX: PWM实验之使用 GT
泛型自动装箱
CubeMax添加Rtthread操作系统 组件STM32F10
python多线程编程:如何优雅地关闭线程
数据类型隐式转换导致的阻塞
WebAPi实现多文件上传,并附带参数
from origin ‘null‘ has been blocked by
UE4 蓝图调用C++函数(附带项目工程)
Unity学习笔记(一)结构体的简单理解与应用
【Memory As a Programming Concept in C a
上一篇文章      下一篇文章      查看所有文章
加:2022-03-17 22:31:30  更:2022-03-17 22:34:27 
 
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁

360图书馆 购物 三丰科技 阅读网 日历 万年历 2025年10日历 -2025/10/27 4:57:53-

图片自动播放器
↓图片自动播放器↓
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
图片批量下载器
↓批量下载图片,美女图库↓
  网站联系: qq:121756557 email:121756557@qq.com  IT数码