#!/usr/bin/python # -*- coding: UTF-8 -*- """ @author:andrew @file:Hybrid_Net014.py @email:admin@marques22.com @email:2021022362@m.scnu.edu.cn @time:2022/10/14 """ import os import torch from torch import nn from torchinfo import summary from torch import cat os.environ["CUDA_VISIBLE_DEVICES"] = "0" # 修改激活函数 # 提高呼吸采样率 # 输入时长 WHOLE_SEGMENT_SECOND = 30 # 呼吸采样率 RESPIRATORY_FRE = 10 # BCG 时频图大小 BCG_GRAPH_SIZE = (26, 121) class HYBRIDNET014(nn.Module): def __init__(self, num_classes=2, init_weights=True): super(HYBRIDNET014, self).__init__() self.right = nn.Sequential( nn.Conv1d(in_channels=1, out_channels=8, kernel_size=20, stride=2, padding=10), nn.GELU(), nn.MaxPool1d(kernel_size=3, stride=2, padding=1), nn.BatchNorm1d(8), nn.Conv1d(in_channels=8, out_channels=16, kernel_size=3, stride=1, padding=1), nn.GELU(), nn.MaxPool1d(kernel_size=3, stride=2, padding=1), nn.BatchNorm1d(16), nn.Conv1d(in_channels=16, out_channels=32, kernel_size=3, stride=1, padding=1), nn.GELU(), nn.MaxPool1d(kernel_size=3, stride=2, padding=1), nn.BatchNorm1d(32) ) self.classifier = nn.Sequential( # nn.Dropout(p=0.5), nn.Linear(608, 32), nn.GELU(), nn.Linear(32, num_classes), ) if init_weights: self.initialize_weights() def initialize_weights(self): for m in self.modules(): if isinstance(m, (nn.Conv2d, nn.Conv1d)): nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu') # 何教授方法 if m.bias is not None: nn.init.constant_(m.bias, 0) elif isinstance(m, nn.Linear): nn.init.normal_(m.weight, 0, 0.01) # 正态分布赋值 nn.init.constant_(m.bias, 0) def forward(self, x): x = self.right(x) # print(x.shape) x = torch.flatten(x, start_dim=1) # print(x.shape) x = self.classifier(x) return x if __name__ == '__main__': model = HYBRIDNET014().cuda() summary(model, [(32, 1, 300)])