logo
publist
写文章

简介

该用户还未填写简介

擅长的技术栈

可提供的服务

暂无可提供的服务

ResNet网络结构分析

转载自:https://zhuanlan.zhihu.com/p/79378841,本文只做个人记录学习使用,版权归原作者所有。今天回顾了ResNet的论文Deep Residual Learning for Image Recognition,又结合PyTorch官方代码,整理一遍ResNet的结构,在这里写个总结。首先,ResNet在PyTorch的官方代码中共有5种不同深度的结构,深度分别为

如何判断神经网络中间层的输出参数(大小)?

先根据视频写一个简单的Lenet5作为例子:import torchfrom torch import nnclass Lenet5(nn.Module):def __init__(self):super(Lenet5,self).__init__()self.conv_unit=nn.Sequential(...

深度学习网络模块化

在设计深度神经网络的时候,往往需要迭代很多个结构相似、参数不同的模块,这时候如果把一个个的模块写出来当然可以,而且逻辑很清晰,但缺点是“工作量大”,形式上太笨。一种更为简洁的方法是类似定义函数或定义类一样把一个个模块给抽象出来,然后把模块在神经网络中参数化。如下代码:import torch.nn as nnimport torchfrom torch import autograd...

pytorch调用sklearn包计算准确度、召回率和F1

参考以下链接:https://scikit-learn.org/stable/modules/generated/sklearn.metrics.precision_score.html

在pytorch中按照概率添加椒盐噪声

def salt_and_pepper(input,prob):noise_tensor=torch.rand(input)salt=torch.max(input)pepper=torch.min(input)input[noise_tensor<prob/2]=saltinput[noise_tensor>1-prob/2]=pepper代码类似,其中salt和pepper也许需要

ubuntu】GPU进程kill后,显存未释放(杀死僵尸进程)

然后通过以下命令逐一kill僵尸进程。sudo kill -9 进程。通过以下命令查看僵尸进程。一定要进入管理员模式!

文章图片
#linux#运维#服务器
kaiming_initialization的pytorch实现

转载自:https://gist.github.com/jojonki/be1e8af97dfa12c983446391c3640b68,本文只做个人记录学习使用,版权归原作者所有。# https://github.com/pytorch/examples/blob/master/dcgan/main.py#L95-L102def weights_init(m):classname = m.__c

pytorch查看网络参数显存占用量等

转载自:https://blog.csdn.net/weixin_45292794/article/details/108227437,可能略有修改,本文之作个人纪录学习使用,版权归原作者所有。1.使用torchstatpip install torchstatfrom torchstat import statimport torchvision.models as modelsmodel =

pytorch图像加载与读取

转载自:https://www.jianshu.com/p/cfca9c4338e7,本文只做个人记录学习使用,版权归原作者所有。准备一张测试图像,彩色32bitimport matplotlib.pyplot as pltimport skimage.io as ioimport cv2from PIL import Imageimport numpy as npim...

使用tensorboardX可视化pytorch模型提示init() got an unexpected keyword argument 'record_shapes'

如题,出现以上错误的愿意很可能是pytorch版本和tensorboardX版本的问题,例如我的pytorch版本为1.1.0,使用tensorboardX2.0版本则会报以上错误,换做tensorboardX 1.7则正常运行。建议:PyTorch 1.1.0及以前的版本,最好使用tensorboardX 1.7及以前,因为在1.8更新了add_graph方法导致其可能无法使用。add_...

    共 49 条
  • 1
  • 2
  • 3
  • 4
  • 5
  • 请选择