打赏
上一页 1 2 3 4 5 6 ··· 11 下一页
摘要: import torch from torch import nn from d2l import torch as d2l class Reshape(torch.nn.Module): def forward(self,x): # 批量大小默认,输出通道为1 return x.view(-1,1 阅读全文
posted @ 2023-08-06 14:39 不像话 阅读(18) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l # 实现池化层的正向传播 def pool2d(x,pool_size,mode='max'): # 获取窗口大小 p_h,p_w=pool_size # 获取偏移量 y=t 阅读全文
posted @ 2023-08-06 14:35 不像话 阅读(7) 评论(0) 推荐(0) 编辑
摘要: import torch from d2l import torch as d2l from torch import nn # 多输入通道互相关运算 def corr2d_multi_in(x,k): # zip对每个通道配对,返回一个可迭代对象,其中每个元素是一个(x,k)元组,表示一个输入通道 阅读全文
posted @ 2023-08-06 14:33 不像话 阅读(46) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn def comp_conv2d(conv2d,x): # 在维度前面加上通道数和批量大小数1 x=x.reshape((1,1)+x.shape) # 得到4维 y=conv2d(x) # 把前面两维去掉 return y.resh 阅读全文
posted @ 2023-08-06 14:31 不像话 阅读(26) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l def corr2d(x,k): """计算二维互相关运算""" # 获取卷积核的高和宽 h,w=k.shape # 输出的高和宽 y=torch.zeros((x.shap 阅读全文
posted @ 2023-08-06 14:29 不像话 阅读(12) 评论(0) 推荐(0) 编辑
摘要: import os os.environ['KMP_DUPLICATE_LIB_OK']='True' import hashlib import tarfile import zipfile import requests import numpy as np import pandas as p 阅读全文
posted @ 2023-08-06 13:37 不像话 阅读(11) 评论(0) 推荐(0) 编辑
摘要: # 深度学习基础-李沐课程跟学 ## 基础知识 * 深度学习与经典方法的区别主要在于:前者关注功能强大的模型,这些模型有神经网络错综复杂的交织在一起,包含层层数据转换,因此被成为深度学习。 * 所谓“学习”是指模型自主提高完成某些任务的性能。在机器学习中,我们需要定义对模型的优劣程度的度量,这个度量 阅读全文
posted @ 2023-07-30 14:20 不像话 阅读(14) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l def dropout_layer(x,dropout): assert 0<= dropout <=1 if dropout ==1: return torch.zeros 阅读全文
posted @ 2023-07-30 14:01 不像话 阅读(7) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l # 将数据做的很小,这样容易实现过拟合 n_train, n_test, num_inputs, batch_size = 20, 100, 200, 5 true_w, t 阅读全文
posted @ 2023-07-30 13:57 不像话 阅读(3) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l batch_size = 256 train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size) num_in 阅读全文
posted @ 2023-07-29 09:22 不像话 阅读(7) 评论(0) 推荐(0) 编辑
摘要: import torch from torch import nn from d2l import torch as d2l batch_size = 256 train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size) # PyTo 阅读全文
posted @ 2023-07-29 09:16 不像话 阅读(13) 评论(0) 推荐(0) 编辑
摘要: import torch from IPython import display from d2l import torch as d2l # from d2l.mxnet import Accumulator batch_size = 256 # 每次读256张图片,返回训练iter和测试iter 阅读全文
posted @ 2023-07-29 09:14 不像话 阅读(9) 评论(0) 推荐(0) 编辑
摘要: import random import torch from d2l import torch as d2l def synthetic_data(w,b,num_examples): """生成y=Xw+b+噪声""" x = torch.normal(0,1,(num_examples,len 阅读全文
posted @ 2023-07-29 08:12 不像话 阅读(8) 评论(0) 推荐(0) 编辑
摘要: diskutil list #找到/dev/disk4s1 #桌面新建movedisk sudo mount -t ntfs -o rw,nobrowse /dev/disk4s1 /Users/mac/Desktop/movedisk #卸载命令 diskutil eject /dev/disk4 阅读全文
posted @ 2023-06-08 17:26 不像话 阅读(19) 评论(0) 推荐(0) 编辑
摘要: 1、python关键字 python3.7中有33个关键字。所有关键字区分大小写。 False、await、else、import、pass、None、break、except、in、raise、True 、class、finally、is、return、and、continue、for、lambd 阅读全文
posted @ 2023-03-10 11:05 不像话 阅读(17) 评论(0) 推荐(0) 编辑
上一页 1 2 3 4 5 6 ··· 11 下一页