ICode9

精准搜索请尝试: 精确搜索
  • pytorch模型部署到安卓端2022-05-09 00:01:28

    模型转化(.pth--->.pt) import torchimport torch.utils.data.distributed# pytorch环境中model_pth = 'model_31_0.96.pth' #模型的参数文件mobile_pt ='model.pt' # 将模型保存为Android可以调用的文件model = torch.load(model_pth)model.eval() # 模型设为评估模式device = tor

  • 打开jupyter notebook的pytorch环境2022-05-08 15:34:43

    1、激活conda下配置的d2l环境 的环境 2、在此环境下打开jupyter notebook的代码文件    然后在这个目录下输入 jupyter notebook,跳转到网页        然后换d2l的环境  

  • PyTorch的Variable已经不需要用了!!!2022-05-07 18:33:36

    转载自:https://blog.csdn.net/rambo_csdn_123/article/details/119056123   Pytorch的torch.autograd.Variable今天在看《莫凡Python》的PyTorch教程的时候发现他的代码还在使用Variable,并且我记得过去读一些GitHub上面的代码的时候也发现了Variable这个东西,根据教程中所说的,想要

  • ubuntu20.04 安装cpu版本的pytorch 环境 简单记录~~2022-05-06 13:01:17

    我要把这个环境命名为 pytorch_yukey conda create --name pytorch_yukey 创建好了之后就激活 conda activate pytorch_yukey 把下载源换成清华源 conda config --add channels https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free/conda config --add channels https://mir

  • 【卷积神经网络】例题XO - Python实现 - PyTorch版本2022-05-04 00:33:03

    题目及理论讲解: 【卷积神经网络】例题XO - Python实现 - HBU_DAVID - 博客园 (cnblogs.com) PyTorch实现代码: # https://blog.csdn.net/qq_26369907/article/details/88366147 # https://zhuanlan.zhihu.com/p/405242579 import numpy as np import torch import torch.nn as nn

  • ImportError: cannot import name 'LightningEnum' from 'pytorch_lightning.utilities2022-05-03 21:02:33

      ImportError: cannot import name 'LightningEnum' from 'pytorch_lightning.utilities' (E:\Eprogramfiles\Anaconda3\lib\site-packages\pytorch_lightning\utilities\__init__.py)   E:\Eprogramfiles\Anaconda3\lib\site-packages\pyto

  • pycharm-python库配置及搭建环境的问题2022-05-03 03:00:25

    一 安装anaconda 1、创建环境    2、安装torch0.4.1的坑 github找的项目比较老,怎么装都不成功,网上的教程试了都没用 最后:conda install pytorch==0.4.1  安装成功!

  • 【深度学习 论文篇 03-2】Pytorch搭建SSD模型踩坑集锦2022-05-02 13:00:31

    论文地址:https://arxiv.org/abs/1512.02325 源码地址:http://github.com/amdegroot/ssd.pytorch 环境1:torch1.9.0+CPU 环境2:torch1.8.1+cu102、torchvision0.9.1+cu102   1. StopIteration。Batch_size设置32,训练至60次报错,训练中断;Batch_size改成8训练至240次报错。 报错原因及

  • Pytorch关于tensorboard和transforms的学习笔记2022-04-28 09:00:46

    Dataset 类继承Dataset # MyData 类 class MyData(Dataset): def __init__(self, root_dir, label_dir): self.root_dir = root_dir self.label_dir = label_dir self.path = os.path.join(self.root_dir, self.label_dir)

  • pytorch的bert预训练模型名称及下载路径2022-04-26 18:34:27

    google的bert预训练模型: BERT-Large, Uncased (Whole Word Masking): 24-layer, 1024-hidden, 16-heads, 340M parameters BERT-Large, Cased (Whole Word Masking): 24-layer, 1024-hidden, 16-heads, 340M parameters BERT-Base, Uncased: 12-layer, 768-hidden, 12-heads, 110

  • pytorch错误:RuntimeError: received 0 items of ancdata解决2022-04-25 04:00:25

    https://www.cnblogs.com/zhengbiqing/p/10478311.html https://blog.csdn.net/chen1234520nnn/article/details/103935825   https://github.com/pytorch/pytorch/issues/973 1)修改多线程的tensor方式为file_system(默认方式为file_descriptor,受限于open files数量): #训练python

  • Ubuntu下安装PyTorch杂记2022-04-24 00:02:14

    最近几天我一直常用的Kubuntu(KDE yes!)更新至22.04后居然出现无法更改软件源的bug,去Kubuntu论坛一看有同样问题的人还不在少数,但却没有好的解决办法,故而只有备份数据装回Ubuntu。 由于学习需要,我需要再装一遍Pytorch。Pytorch在linux上安装推荐使用conda,使用conda安装会打包cudatool

  • 【pytorch基础】pytorch中的矩阵乘法2022-04-21 13:32:31

        参考 1. torch.bmm; 2. torch.matmul; 完

  • Variable----pytorch2022-04-18 16:31:45

    tensor 是 PyTorch 中的完美组件,但是构建神经网络还远远不够,我们需要能够构建计算图的 tensor,这就是 Variable。Variable 是对 tensor 的封装,操作和 tensor 是一样的, 但是每个 Variabel都有三个属性,Variable 中的 tensor本身.data,对应 tensor 的梯度.grad以及这个 Variable 是通过

  • 使用singularity制作python镜像在服务器上训练数据2022-04-18 14:34:09

    创建python镜像 singularity build --sandbox pytorch docker://python:3.8 创建一个名字叫做pytorch的镜像,python 版本选择3.8 交互模式运行 singularity shell -w pytorch 通过shell进入交互模式,安装需要的python包 安装包 pip install -r requirements.txt -i https://pypi.t

  • pytorch 深度学习之微积分2022-04-18 14:02:32

    导数和微分 如果的 \(f\) 导数存在,这个极限被定义为: \[f^{\prime}(x)=\lim _{h \rightarrow 0} \frac{f(x+h)-f(x)}{h} \]如果 \(f^{\prime}(a)\) 存在,则称 \(f\) 在 \(a\) 处是可微(differentiable)的。 如果 \(f\) 在一个区间内的每个数上都是可微的,则此函数在此区间中是可微的。

  • 在MATPool矩池云完成Pytorch训练MNIST数据集2022-04-18 10:32:39

    本文为矩池云入门手册的补充:Pytorch训练MNIST数据集代码运行过程。 案例代码和对应数据集,以及在矩池云上的详细操作可以在矩池云入门手册中查看,本文基于矩池云入门手册,默认用户已经完成了机器租用,上传解压好了数据、代码,并使用jupyter lab进行代码运行。 在MATPool矩池云完成Pytor

  • pytorch 深度学习之数据预处理2022-04-15 17:32:42

    读取数据集 创建数据,写入到 CSV 文件中: import os os.makedirs(os.path.join(".","data"),exist_ok=True) data_file = os.path.join(".","data","house_tiny.csv") with open(data_file,"w") as f: f.write("NumR

  • PyTorch中的矩阵乘法2022-04-13 16:34:07

    1. 二维矩阵乘法   , 其中 , , 输出 的维度是。该函数一般只用来计算两个二维矩阵的矩阵乘法,而且不支持broadcast操作。   2. 三维带Batch矩阵乘法  由于神经网络训练一般采用mini-batch,经常输入的是三维带batch矩阵,所以提供 ,其中 , , 输出 的维度是 。该函数的两个

  • 【pytorch】读取RGB图片,并输入到简单的网络中进行处理2022-04-13 00:32:55

    使用PIL读取RBG图片 from PIL import Image image=Image.open("./xxx.png") #读取图片 img_data = np.array(image) #将图片转换为np对象 (此时img_data的大小为 [H,W,3],其中W为图片的宽,H为图片的高,3为RGB通道数) 将三维的RGB图片增加一维成四维 为什么要增加成四维呢? 因为p

  • 数据科学随笔2204122022-04-13 00:01:57

    这是我在学习和工作中所看到的,觉得有意思也很有用的内容的合集 快一年半没有说中文了,遣词造句难免有些生疏,但愿以后中文水平恢复了不要想打自己   NIPS 2018 上 MPC solver,用于在强化学习模型中的控制辅助。 Specifically, we differentiate through MPC by using the KKT condit

  • pytorch 记录2022-04-12 20:02:38

    torch.take() 把张量化为一个行向量,取其中的元素 广播机制中0维和1维的轴是可广播的 矩阵相乘 *和torch.mul()是对应位置相乘 @和torch.mm()是矩阵相乘 torch.bmm()相比mm增加了batch运算但不能广播 torch.matmul()相比bmm更是增加了广播,泛用性强 torch.full([3,3],10) 将数字10

  • 【项目实战】pytorch实现逻辑斯蒂回归2022-04-12 16:03:33

    视频指导:https://www.bilibili.com/video/BV1Y7411d7Ys?p=6 一些数据集 在pytorch框架下,里面面有配套的数据集,pytorch里面有一个torchversion的包,他可以提供相应的,比如MNIST这种很基础的数据集,但是安装的时候这些数据集不会包含在包里面,所以需要下载,具体代码以及解释如下: import t

  • Pytorch深入学习阶段二2022-04-06 15:01:39

    Pytorch学习二阶段 一、自动求导 训练神经网络包含两步: 前向传播 后向传播:后向传播中,NN将调整他的参数,并通过loss_function来自计算误差,并通过优化器来优化参数。 import torch, torchvision model = torchvision.models.resnet18(pretrained=True) data = torch.rand(1, 3, 64,

  • Pytorch的repeat函数2022-04-04 19:00:48

    repeat可以完成指定维度上的复制 import torch a = torch.randn(3, 2) a tensor([[ 1.4169, 0.2761], [ 1.2145, -2.0269], [ 1.1322, -0.7117]])   b = a.repeat(1,2) b,b.size() (tensor([[ 1.4169, 0.2761, 1.4169, 0.2761], [ 1.2145,

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有