人工智能

  • pytorch中tensor的属性 类型转换 形状变换 转置 最大值

    import torch import numpy as np a = torch.tensor([[[1]]]) #只有一个数据的时候,获取其数值 print(a.item()) #tensor转化为nparray b = a.numpy() print(b,type(b),type(a)) #获取张量的形状 a = torch.tensor(np.ara…

    PyTorch 2023年4月8日
    00
  • pytorch中tensor张量的创建

    import torch import numpy as np print(torch.tensor([1,2,3])) print(torch.tensor(np.arange(15).reshape(3,5))) print(torch.empty([3,4])) print(torch.ones([3,4])) print(torch.zeros([3…

    PyTorch 2023年4月8日
    00
  • pytorch中CUDA类型的转换

    import torch import numpy as np device = torch.device(“cuda:0” if torch.cuda.is_available() else “cpu”) x = torch.tensor(np.arange(15).reshape(3,5)) if torch.cuda.is_available(): d…

    PyTorch 2023年4月8日
    00
  • pytorch-API实现线性回归

      示例: import torch import torch.nn as nn from torch import optim class MyModel(nn.Module): def __init__(self): super(MyModel,self).__init__() self.lr = nn.Linear(1,1) def forward(s…

    PyTorch 2023年4月8日
    00
  • Pytorch实现交叉熵的过程

    在pytorch当中,有两种方式可以实现交叉熵,而我们把softmax概率传入传入对数似然损失得到的损失函数叫做“交叉熵损失” 在pytorch当中有两种方法实现交叉熵损失: 实现方式1: criterion=nn.CrossEntropyLoss() loss=criterion(input,target) 实现方式2: #对输出值进行计算softmax,…

    PyTorch 2023年4月8日
    00
  • pytorch 6 batch_train 批训练

    import torch import torch.utils.data as Data torch.manual_seed(1) # reproducible # BATCH_SIZE = 5 BATCH_SIZE = 8 # 每次使用8个数据同时传入网路 x = torch.linspace(1, 10, 10) # this is x data (to…

    PyTorch 2023年4月8日
    00
  • pytorch 1 torch_numpy, 对比

    import torch import numpy as np http://pytorch.org/docs/torch.html#math-operations convert numpy to tensor or vise versa # convert numpy to tensor or vise versa np_data = np.arange…

    PyTorch 2023年4月8日
    00
  • pytorch 6 build_nn_quickly 快速搭建神经网络

    import torch import torch.nn.functional as F # replace following class code with an easy sequential network class Net(torch.nn.Module): def __init__(self, n_feature, n_hidden, n_ou…

    PyTorch 2023年4月8日
    00
  • pytorch 4 regression 回归

    import torch import torch.nn.functional as F import matplotlib.pyplot as plt # torch.manual_seed(1) # reproducible x = torch.unsqueeze(torch.linspace(-1, 1, 100), dim=1) # 将1维数据转换成…

    2023年4月8日
    00
  • pytorch 7 save_reload 保存和提取神经网络

    import torch import matplotlib.pyplot as plt # torch.manual_seed(1) # reproducible # fake data x = torch.unsqueeze(torch.linspace(-1, 1, 100), dim=1) # x data (tensor), shape=(100,…

    2023年4月8日
    00
合作推广
合作推广
分享本页
返回顶部