当前位置: 首页 > wzjs >正文

个人自助网站如何在阿里云自主建网站

个人自助网站,如何在阿里云自主建网站,音乐网站开发 群,公司做网站买服务器多少钱知识点回顾: 随机种子内参的初始化神经网络调参指南 参数的分类调参的顺序各部分参数的调整心得 import torch import numpy as np import os import random# 全局随机函数 def set_seed(seed42, deterministicTrue):"""设置全局随机种子&#xff0…

知识点回顾:

  1. 随机种子
  2. 内参的初始化
  3. 神经网络调参指南
    1. 参数的分类
    2. 调参的顺序
    3. 各部分参数的调整心得
import torch
import numpy as np
import os
import random# 全局随机函数
def set_seed(seed=42, deterministic=True):"""设置全局随机种子,确保实验可重复性参数:seed: 随机种子值,默认为42deterministic: 是否启用确定性模式,默认为True"""# 设置Python的随机种子random.seed(seed) os.environ['PYTHONHASHSEED'] = str(seed) # 确保Python哈希函数的随机性一致,比如字典、集合等无序# 设置NumPy的随机种子np.random.seed(seed)# 设置PyTorch的随机种子torch.manual_seed(seed) # 设置CPU上的随机种子torch.cuda.manual_seed(seed) # 设置GPU上的随机种子torch.cuda.manual_seed_all(seed)  # 如果使用多GPU# 配置cuDNN以确保结果可重复if deterministic:torch.backends.cudnn.deterministic = Truetorch.backends.cudnn.benchmark = False# 设置随机种子
set_seed(42)
import torch
import torch.nn as nn
import matplotlib.pyplot as plt
import numpy as np# 设置设备
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")# 定义极简CNN模型(仅1个卷积层+1个全连接层)
class SimpleCNN(nn.Module):def __init__(self):super(SimpleCNN, self).__init__()# 卷积层:输入3通道,输出16通道,卷积核3x3self.conv1 = nn.Conv2d(3, 16, kernel_size=3, padding=1)# 池化层:2x2窗口,尺寸减半self.pool = nn.MaxPool2d(kernel_size=2)# 全连接层:展平后连接到10个输出(对应10个类别)# 输入尺寸:16通道 × 16x16特征图 = 16×16×16=4096self.fc = nn.Linear(16 * 16 * 16, 10)def forward(self, x):# 卷积+池化x = self.pool(self.conv1(x))  # 输出尺寸: [batch, 16, 16, 16]# 展平x = x.view(-1, 16 * 16 * 16)  # 展平为: [batch, 4096]# 全连接x = self.fc(x)  # 输出尺寸: [batch, 10]return x# 初始化模型
model = SimpleCNN()
model = model.to(device)# 查看模型结构
print(model)# 查看初始权重统计信息
def print_weight_stats(model):# 卷积层conv_weights = model.conv1.weight.dataprint("\n卷积层 权重统计:")print(f"  均值: {conv_weights.mean().item():.6f}")print(f"  标准差: {conv_weights.std().item():.6f}")print(f"  理论标准差 (Kaiming): {np.sqrt(2/3):.6f}")  # 输入通道数为3# 全连接层fc_weights = model.fc.weight.dataprint("\n全连接层 权重统计:")print(f"  均值: {fc_weights.mean().item():.6f}")print(f"  标准差: {fc_weights.std().item():.6f}")print(f"  理论标准差 (Kaiming): {np.sqrt(2/(16*16*16)):.6f}")# 改进的可视化权重分布函数
def visualize_weights(model, layer_name, weights, save_path=None):plt.figure(figsize=(12, 5))# 权重直方图plt.subplot(1, 2, 1)plt.hist(weights.cpu().numpy().flatten(), bins=50)plt.title(f'{layer_name} 权重分布')plt.xlabel('权重值')plt.ylabel('频次')# 权重热图plt.subplot(1, 2, 2)if len(weights.shape) == 4:  # 卷积层权重 [out_channels, in_channels, kernel_size, kernel_size]# 只显示第一个输入通道的前10个滤波器w = weights[:10, 0].cpu().numpy()plt.imshow(w.reshape(-1, weights.shape[2]), cmap='viridis')else:  # 全连接层权重 [out_features, in_features]# 只显示前10个神经元的权重,重塑为更合理的矩形w = weights[:10].cpu().numpy()# 计算更合理的二维形状(尝试接近正方形)n_features = w.shape[1]side_length = int(np.sqrt(n_features))# 如果不能完美整除,添加零填充使能重塑if n_features % side_length != 0:new_size = (side_length + 1) * side_lengthw_padded = np.zeros((w.shape[0], new_size))w_padded[:, :n_features] = ww = w_padded# 重塑并显示plt.imshow(w.reshape(w.shape[0] * side_length, -1), cmap='viridis')plt.colorbar()plt.title(f'{layer_name} 权重热图')plt.tight_layout()if save_path:plt.savefig(f'{save_path}_{layer_name}.png')plt.show()# 打印权重统计
print_weight_stats(model)# 可视化各层权重
visualize_weights(model, "Conv1", model.conv1.weight.data, "initial_weights")
visualize_weights(model, "FC", model.fc.weight.data, "initial_weights")# 可视化偏置
plt.figure(figsize=(12, 5))# 卷积层偏置
conv_bias = model.conv1.bias.data
plt.subplot(1, 2, 1)
plt.bar(range(len(conv_bias)), conv_bias.cpu().numpy())
plt.title('卷积层 偏置')# 全连接层偏置
fc_bias = model.fc.bias.data
plt.subplot(1, 2, 2)
plt.bar(range(len(fc_bias)), fc_bias.cpu().numpy())
plt.title('全连接层 偏置')plt.tight_layout()
plt.savefig('biases_initial.png')
plt.show()print("\n偏置统计:")
print(f"卷积层偏置 均值: {conv_bias.mean().item():.6f}")
print(f"卷积层偏置 标准差: {conv_bias.std().item():.6f}")
print(f"全连接层偏置 均值: {fc_bias.mean().item():.6f}")
print(f"全连接层偏置 标准差: {fc_bias.std().item():.6f}")

@浙大疏锦行


文章转载自:

http://m055wney.wkLhn.cn
http://IIziUMBF.wkLhn.cn
http://5oBbVTxp.wkLhn.cn
http://EmIIuhvZ.wkLhn.cn
http://UGM0FEWz.wkLhn.cn
http://ECM0kgdX.wkLhn.cn
http://iTYHaSzA.wkLhn.cn
http://8IfnBfNy.wkLhn.cn
http://Jj1w3uKv.wkLhn.cn
http://RFgcrW1C.wkLhn.cn
http://EpagehnO.wkLhn.cn
http://haNWUwax.wkLhn.cn
http://oJMEbvDt.wkLhn.cn
http://ftD3HLFS.wkLhn.cn
http://SiKxuBSv.wkLhn.cn
http://sixgfhuc.wkLhn.cn
http://UGpY2SYe.wkLhn.cn
http://xJ6Shb3u.wkLhn.cn
http://lyrLvbxZ.wkLhn.cn
http://2CAxakj2.wkLhn.cn
http://egBcWzBV.wkLhn.cn
http://gs7JdAjB.wkLhn.cn
http://BIsfFtnC.wkLhn.cn
http://M4o1kIcd.wkLhn.cn
http://qgMO7Nlx.wkLhn.cn
http://San688C3.wkLhn.cn
http://KsN5JRj8.wkLhn.cn
http://aVQagius.wkLhn.cn
http://uSn0botA.wkLhn.cn
http://UQoJztTm.wkLhn.cn
http://www.dtcms.com/wzjs/683930.html

相关文章:

  • .net网站开发实站网站说建设中
  • 美食网站设计规划书建造师查询入口
  • 阿里巴巴网站的营销策略义乌兼职网站建设
  • 做外国网站用什么服务器网站优化需要什么软件
  • 免费建站自己的网址珠海左右创意园网站开发
  • 做图书馆网站网站支付接口怎么做
  • 智能建站系统郴州专业的网站建设
  • 网站建设的需要的工具淘宝类网站开发
  • 什么网站可以做pie chart物流网站建设网
  • 机构网站源码网页制作基础教程第二版教材
  • 算命网站开发网络营销环境案例
  • 办网站用什么证件深圳市公租房官网
  • 徐州住房与城乡建设部网站设计摄影作品
  • vs网站开发表格大小设置wordpress 时间调用
  • 网站设计网站制作医院网站建设技术方案ppt
  • 什么网站做ppt做网站的软件帝国
  • 老山网站建设临沂网站建设和轶件安装
  • 上街区网站建设网站建设分金手指专业二五
  • 公司网站维护和更新属于哪个部门黄骅港信息贴吧
  • 网站展示程序wordpress删除
  • 资源网站优化排名优化wordpress禁用修订
  • 视频教学网站开发更换网站logo
  • html5手机网站开发区别小程序游戏怎么赚钱
  • 深圳网站建设定制开发超凡科技做音乐分享的网站
  • 用thinkphp做音乐网站怎么营销自己的产品
  • p2p网站制作流程榆次做企业网站
  • 400网站建设推广定制一款app要多少钱
  • 网站怎么做留言提交功能建设校园网站必要性
  • 企业网站建设东莞化妆品设计网站
  • 学做网站赚钱方法南京网站开发南京乐识不错