查看“Pytorch”的源代码
←
Pytorch
跳到导航
跳到搜索
因为以下原因,您没有权限编辑本页:
您请求的操作仅限属于该用户组的用户执行:
用户
您可以查看和复制此页面的源代码。
*英文文档:[https://pytorch.org/docs/stable/index.html] *中文文档 [https://pytorch.apachecn.org/][https://pytorch-cn.readthedocs.io/zh/latest/package_references/functional/#convolution] ==cuda== *torch.cuda.is_available() *torch.version.cuda() #查看cuda版本 *torch.backends.cudnn.version #查看cudnn版本 ===查看显卡信息=== *查看当前设备环境可用显卡数量, 及可用显卡的具体信息(型号、算力,显存以及线程数) ng = torch.cuda.device_count() infos = [torch.cuda.get_device_properties(i) for i in range(ng)] ===指定显卡=== * 代码1: torch.cuda.set_device(1) * 代码2: device = torch.device("cuda:1") * 代码3:(官方推荐使用) os.environ["CUDA_VISIBLE_DEVICES"] = '1' *(如果你想同时调用两块GPU的话) os.environ["CUDA_VISIBLE_DEVICES"] = '1,2' ==网络初始化== *Xavier and Kaiming initialization [https://www.jianshu.com/p/f2d800388d1c] ==数据准备== import torch import torch.utils.data as Data torch.manual_seed(1) # reproducible BATCH_SIZE = 5 # 批训练的数据个数 x = torch.linspace(1, 10, 10) # x data (torch tensor) y = np.arange(1, 10) y = torch.from_numpy(y) #numpy ndarray to torch tensor torch_dataset = Data.TensorDataset(x, y) # 换成 torch 能识别的 Dataset # 把 dataset 放入 DataLoader loader = Data.DataLoader( dataset=torch_dataset, # torch TensorDataset format batch_size=BATCH_SIZE, # mini batch size shuffle=True, # 要不要打乱数据 (打乱比较好) num_workers=2, # 多线程来读数据 sampler=tr_sampler, # ) ===nan问题=== *第一个是判断条件,第二个是符合条件的设置值,第三个是不符合条件的设置值。 a = torch.Tensor([[1, 2, np.nan], [2, np.nan, 4], [3, 4, 5]]) a = torch.where(torch.isnan(a), torch.full_like(a, 0), a) ===数据初值归一化=== *from sklearn.preprocessing import scale :其中scale可以对一维数据标准化(自动或略nan) *from sklearn.preprocessing import StandardScaler :StandardScaler是个类,默认对二维数据进行归一化,先fit再transform(类的方法),也可以fit_transform一起做,关键是后面可以inverse_transform()再把数据变回去。 ==Tensor== * 获取 Tensor 的元素个数 ,a.numel() 等价 a.nelement() * 查看 Tensor 的形状,Tensor.size() 返回 torch.Size() 对象, Tensor.shape 等价于 Tensor.size() * 通过 tensor.view 方法可以调整 tensor 的形状,但必须保证调整前后的元素总数保持一致,view 不会修改自身的数据,返回的新 tensor 与源 tensor 共享内存,即更改其中一个,另外一个也跟着改变。 * 添加或减少某一维度,可以使用 squeeze 和 unsqueeze 函数。 :*squeeze()删除一个张量中所有维数为1的维度 * resize 是另一种可用来调整 size 的方法,但与 view 不同,它可以修改 tensor 的尺寸,如果新尺寸超过了源尺寸,会自动分配新的内存空间,而如果新尺寸小于源尺寸,则之前的数据依旧会被保存。 * cpu() numpy() res=scores.cpu().numpy() :注意cuda上面的变量类型只能是tensor,不能是其他,把一个GPU上出来的数据转换成numpy ndarry * detach() item() [https://blog.csdn.net/ODIMAYA/article/details/102892799] ==torchvision== *PyTorch框架中有一个非常重要且好用的包:torchvision,该包主要由3个子包组成,分别是:torchvision.datasets、torchvision.models、torchvision.transforms [https://www.jianshu.com/p/1ae863c1e66d] *__all__ = ["Compose", "ToTensor", "ToPILImage", "Normalize", "Resize", "Scale", "CenterCrop", "Pad", "Lambda", "RandomCrop", "RandomHorizontalFlip", "RandomVerticalFlip", "RandomResizedCrop", "RandomSizedCrop", "FiveCrop", "TenCrop","LinearTransformation", "ColorJitter", "RandomRotation", "Grayscale", "RandomGrayscale"] ==函数== *torch.clamp(input, min=None, max=None, *, out=None) → Tensor :Clamps all elements in input into the range [ min, max ]. Letting min_value and max_value be min and max, respectively *torch.eye(n, m=None, out=None) :返回一个2维张量,对角线位置全1,其它位置全0 *torch.cat & torch.stack :torch.stack()沿着一个新维度对输入张量序列进行连接。 序列中所有的张量都应该为相同形状。 :torch.cat()是为了把函数torch.stack()得到tensor进行拼接而存在的 (不增加新的维度) *gather :In PyTorch you can perform the same operation using the gather() method. If s is a PyTorch Tensor of shape (N, C) and y is a PyTorch Tensor of shape (N,) containing longs in the range 0 <= y[i] < C, then s.gather(1, y.view(-1, 1)).squeeze() will be a PyTorch Tensor of shape (N,) containing one entry from each row of s, selected according to the indices in y. ==第三方库== *thop :THOP 是 PyTorch 非常实用的一个第三方库,可以统计模型的 FLOPs 和参数量。 from thop import clever_format from thop import profile class YourModule(nn.Module): # your definition input = torch.randn(10, 128, 128) flops, params = profile(model, inputs=(input, )) flops, params = clever_format([flops, params], "%.3f")
返回至“
Pytorch
”。
导航菜单
个人工具
登录
命名空间
页面
讨论
大陆简体
已展开
已折叠
查看
阅读
查看源代码
查看历史
更多
已展开
已折叠
搜索
导航
首页
社群首页
最近更改
随机页面
帮助
工具
链入页面
相关更改
特殊页面
页面信息