import torch from torch.autograd import Variable tensor =torch.FloatTensor([[1,2],[3,4]]) variable=Variable(tensor,requires_grad=True) print(tensor) p ...
分类:
其他好文 时间:
2020-05-19 10:30:33
阅读次数:
41
一、图像分类(resnet18) 1. 简介 说明:使用图像分类经典模型resnet18进行蜜蜂/蚂蚁图像分类。如下图为不同resnet的结构: 推理基本步骤: 1. 获取数据与模型 2. 数据变换,如RGB → 4D Tensor 3. 前向传播 4. 输出保存预测结果 Inference阶段注意 ...
分类:
其他好文 时间:
2020-05-16 23:33:24
阅读次数:
139
1.error: conversion from ‘at::TensorAccessor’ to non scalar type ‘at::Tensor’ requested torch::Tensor result_data = result_.accessor();// torch::Tenso ...
分类:
其他好文 时间:
2020-05-12 16:52:15
阅读次数:
159
1.torch.sum z = torch.arange(40.).reshape(2, 4, 5) print(z) print(torch.sum( z,0)) print(torch.sum( z,1)) print(torch.sum( z,2)) tensor([[[ 0., 1., 2. ...
分类:
其他好文 时间:
2020-05-06 19:59:03
阅读次数:
66
Light head rcnn https://github.com/Stick-To/light-head-rcnn-tensorflowmask_rcnn https://github.com/tensorflow/modelsfaster_rcnn https://github.com/ten ...
分类:
其他好文 时间:
2020-05-03 16:14:32
阅读次数:
60
简介 RT 跑 Minist 数据集 安装 tensorflow & tensorboard 安装 CUDA cuDnn D3 优秀的例子 gallery例子 http://github.com/mbostock/d3/wiki/Gallery http://biovisualize.github. ...
分类:
其他好文 时间:
2020-05-02 20:36:28
阅读次数:
73
一、电力设备在线监测的目的及意义 1、项目背景 电力设备在线检测是指在不停电的情况下,对电力设备状况进行连续或周期自动检测监视。运用传感器技术、广域通信技术、信息处理技术实时感知-->监视预警-->分析诊断-->评估预测电力设备在线检测是实现电力设备运行检修管理、提升生产运行管理精益化的重要手段,对 ...
分类:
其他好文 时间:
2020-05-01 16:54:33
阅读次数:
76
torch.mm(mat1, mat2) performs a matrix multiplication of mat1 and mat2 a = torch.randint(0, 5, (2, 3)) # tensor([[3, 3, 2], # [2, 2, 2]]) b = torch.ra ...
分类:
其他好文 时间:
2020-04-30 19:10:56
阅读次数:
51
1. torch.sum(input, dim, out=None) 参数说明: input:输入的tensor矩阵。 dim:求和的方向。若input为2维tensor矩阵,dim=0,对列求和;dim=1,对行求和。注意:输入的形状可为其他维度(3维或4维),可根据dim设定对相应的维度求和。 ...
分类:
其他好文 时间:
2020-04-29 10:43:11
阅读次数:
950
1.构建一个简单的网络层 ? from __future__ import absolute_import, division, print_function import tensorflow as tf tf.keras.backend.clear_session() import tensor ...
分类:
其他好文 时间:
2020-04-28 09:52:55
阅读次数:
54