码迷,mamicode.com
首页 >  
搜索关键字:Tensor    ( 809个结果
torch.tensor默认requires_grad=False
torch.tensor(data, dtype=None, device=None, requires_grad=False, pin_memory=False) → Tensor torch.zeros(*size, out=None, dtype=None, layout=torch.stri ...
分类:其他好文   时间:2020-06-23 17:19:48    阅读次数:118
Pytorch之Tensor
Tensor 维度可为 0,1,....... 1、 import torch as ttensorA=t.tensor([[1,2,3]])tensorB=t.tensor(10)testResult= tensorA + tensorBprint(tensorB.size())print(tes ...
分类:其他好文   时间:2020-06-23 01:20:17    阅读次数:60
paddle设计思想
1.概述 主要介绍内部的实现流程 2.架构 3.过程 python被组织成一个ProgramDesc,用户通过调用paddle提供算子来向Program添加tensor以及对变量的操作Operators,用户只需描述前向计算, 原始的programDesc转化为一个中间语言Transplier。 一 ...
分类:其他好文   时间:2020-06-22 00:54:38    阅读次数:84
用NVIDIA Tensor Cores和TensorFlow 2加速医学图像分割
用NVIDIA Tensor Cores和TensorFlow 2加速医学图像分割 Accelerating Medical Image Segmentation with NVIDIA Tensor Cores and TensorFlow 2 医学图像分割是当前学术界研究的热点。这方面正在进行的 ...
分类:其他好文   时间:2020-06-20 18:26:42    阅读次数:65
Python_DL_TensorFlow_03_卷积神经网络与图像识别
1. 神经网络与CNN的异同点 传统的神经网络的神经元、参数比较多,而CNN可以大大简化神经元和参数的数量。但计算量要大大的提高。 传统神经网络采用的是f(x) = wx+b。但CNN中虽保留了层级式的网络结构,但不同层次有不同的形式,即运算和功能。输出时做归一化,转化成概率向量,让CNN能最终知道 ...
分类:编程语言   时间:2020-06-19 16:08:14    阅读次数:62
人工智能深度学习入门练习之(12)TensorFlow – 数学基础
在创建TensorFlow中的应用程序之前,最好能先理解TensorFlow所需的数学概念。数学被认为是任何机器学习算法的核心。 线性代数 标量(scalar) 一个单独的数 向量(vector) 一列数,即一维数组 矩阵(matrix) 二维数组 张量(tensor) 多维数组 矩阵加法 如果2个 ...
分类:其他好文   时间:2020-06-19 15:51:52    阅读次数:47
TensorFlow Image Segmentation: Two Quick Tutorials
https://missinglink.ai/guides/tensorflow/tensorflow-image-segmentation-two-quick-tutorials/ ...
分类:其他好文   时间:2020-06-19 13:49:21    阅读次数:40
Pytorch 入门与实战----pytorch入门
1.深度学习框架 pytorch与其他框架的比较 pytorch的学习方法: 课程安排: PyTorch是一个基于Python的科学计算库,它有以下特点: 类似于NumPy,但是它可以使用GPU 可以用它定义深度学习模型,可以灵活地进行深度学习模型的训练和使用 2.tensor的运算 Tensor类 ...
分类:其他好文   时间:2020-06-15 17:41:34    阅读次数:54
numpy.copy和torch.tensor的cpu/gpu
1.在cpu上 import torch import numpy as np a=torch.tensor(2) b=np.copy(a) # >>> b array(2, dtype=int64) 在cpu上是没有可以随意转换的,但是如果这样: import torch import numpy ...
分类:其他好文   时间:2020-06-14 20:17:19    阅读次数:90
YOLOv4 论文精读
YOLOv4: Optimal Speed and Accuracy of Object Detection 论文地址:链接:百度网盘 提取码:lgw1 GitHub地址:https://github.com/AlexeyAB/darknet 【摘要】有很多特征可以提高卷积神经网络(CNN)的准确性 ...
分类:其他好文   时间:2020-06-13 22:55:55    阅读次数:62
809条   上一页 1 ... 6 7 8 9 10 ... 81 下一页
© 2014 mamicode.com 版权所有  联系我们:gaon5@hotmail.com
迷上了代码!