E-COM-NET
首页
在线工具
Layui镜像站
SUI文档
联系我们
推荐频道
Java
PHP
C++
C
C#
Python
Ruby
go语言
Scala
Servlet
Vue
MySQL
NoSQL
Redis
CSS
Oracle
SQL Server
DB2
HBase
Http
HTML5
Spring
Ajax
Jquery
JavaScript
Json
XML
NodeJs
mybatis
Hibernate
算法
设计模式
shell
数据结构
大数据
JS
消息中间件
正则表达式
Tomcat
SQL
Nginx
Shiro
Maven
Linux
tensors
记录解决RuntimeError: Sizes of
tensors
must match except in dimension 1. Expected size 27 but got size
问题描述在做目标检测服务过程中,将yolov7模型通过flask打包成预测服务API,此次训练的图像输入大小是1280,输入预测图片是如果图像大于1280则预测成功,小于1280则报RuntimeError:Sizesoftensorsmustmatchexceptindimension1.Expectedsize27butgotsize。由于只有小图片预测报错,猜测是图像处理过程中resize问
后知前觉
·
2023-06-08 23:50
深度学习
python
计算机视觉
深度学习
Python学习(11):tf.train.shuffle_batch
tf.train.shuffle_batch(1)背景:(2)用法tf.train.shuffle_batch()将队列中数据打乱后再读取出来.函数是先将队列中数据打乱,然后再从队列里读取出来,因此队列中剩下的数据也是乱序的.
tensors
Doris_Meng
·
2023-04-21 19:25
keras中model.compile()基本用法
optimizer,loss=None,metrics=None,loss_weights=None,sample_weight_mode=None,weighted_metrics=None,target_
tensors
Paul-Huang
·
2023-04-16 20:18
Python学习
keras
python
深度学习
Pytorch基础 - 5. torch.cat() 和 torch.stack()
目录1.torch.cat(
tensors
,dim)2.torch.stack(
tensors
,dim)3.两者不同torch.cat()和torch.stack()常用来进行张量的拼接,在神经网络里经常用到
Aaron_neil
·
2023-04-15 06:10
#
Pytorch操作
pytorch
深度学习
python
torch.cat 关于 dim=0,dim=1 测试
文章目录1.torch.cat2.代码3.结果4.总结:1.torch.cat官方说明:torch.cattorch.cat(
tensors
,dim=0,*,out=None)→Tensor连接给定维数的给定序列的序列张量
取个名字真难呐
·
2023-04-11 10:41
代码
深度学习
rnn
人工智能
《实验细节》如何使用collate_fn统一一个batch中句子的长度
encode_pair=tokenizer.batch_encode_plus(sents,truncation=True,padding='max_length',max_length=100,return_
tensors
365JHWZGo
·
2023-04-05 06:01
NLP
batch
开发语言
collate_fn
统一长度
07PyTorch 深度学习基础入门
张量
Tensors
(张量)与NumPy中的Ndarrays多维数组类似,但是在PyTorch中
Tensors
可以使用GPU进行计算。创建一个5×3矩阵。
Jachin111
·
2023-04-02 02:14
Pytorch学习之旅(3)——autograd自动求导系统
torch.autograd.backward(
tensors
,=>用于求解梯度的张量gradient,=>多梯度权重retain_graph,=>保存计算图create_graph)=>创建导数计算图
不想调试板子
·
2023-04-01 11:55
Pytorch学习之旅
pytorch
机器学习
RuntimeError: cdist only supports 2D
tensors
, X1 got: 3D
RuntimeError:cdistonlysupports2Dtensors,X1got:3D报错信息:RuntimeError:cdistonlysupports2Dtensors,X1got:3D在使用torch.cdist()时报以上错误信息,具体程序是dist=torch.cdist(x.unsqueeze(0),x.unsqueeze(0)).squeeze(0),当时使用的pytor
给我来一顿毒打
·
2023-03-31 00:28
笔记
pytorch自定义forward和backward函数
举例如下:看到这里,大家应该会有很多疑问,比如:1:ctx.save_for_backward和ctx.saved_
tensors
的含义2:backward中各个计算函数的意义,以及backward的输入参数
xx_xjm
·
2023-03-29 19:04
CV笔记
pytorch
深度学习
python
Pytorch chunk
torch.chunk(tensor,chunks,dim=0)->得到一个list的
tensors
这个函数的作用是把一个tensor划分到特定数目的块。
VEnzo
·
2023-03-27 12:54
torch.Tensor.index_add_函数,pytorch中的tf.unsorted_segment_sum
ref:https://pytorch.org/docs/1.4.0/
tensors
.html?
zyoung17
·
2023-03-25 07:58
pytorch
tensorflow
深度学习
机器学习
pytorch
tensorflow
pytorch学习笔记(二)Tensor和autograd
文章目录
Tensors
(张量)autogradTensor类function类小结
Tensors
(张量)
Tensors
其实就是多维数组,
Tensors
类似于NumPy的ndarrays,同时
Tensors
Tra_cy
·
2023-03-22 11:13
pytorch学习
【TF】如何理解和使用dataset.interleave()
(list(dataset.as_numpy_iterator()))dataset=dataset.interleave(map_func=lambdax:tf.data.Dataset.from_
tensors
拾一滴清水
·
2023-03-22 05:48
tensorflow
python
tensorflow
Pytorch入门(二) 第3章 张量 tensor
Pytorch入门(二)第3章张量tensor目标3.1浮点数floatingnumbers3.2
Tensors
3.3Indexingtensors索引3.4Namedtensors命名3.5Tensorelementtypes
菜鸟的打怪升级
·
2023-03-15 07:27
Deep
learning
with
pytorch
pytorch
python
深度学习
scatter_add_() 报错Expected index [1, 67, 3] to be smaller than self [9, 66, 5003] apart from dime...
scatter_add_(dim,index,src)→Tensor函数官方链接:https://pytorch.org/docs/stable/
tensors
.html#torch.Tensor.scatter_add
双七_
·
2023-03-14 22:02
Automatic differentiation package - torch.autograd
torch.autograd.backward(
tensors
,grad_
tensors
Wanderer001
·
2023-03-08 22:54
Pytorch
计算机视觉
深度学习
机器学习
keras中的compile()
optimizer,loss=None,metrics=None,loss_weights=None,sample_weight_mode=None,weighted_metrics=None,target_
tensors
假面308
·
2023-02-06 21:48
python
开发语言
windows+tensorflow2+python3环境配置mask-rcnn(COCO数据集)详解
tensorflow'hasnoattribute'random_shuffle'2.noattribute'metrics_
tensors
'3.no'load_weights_from_hdf5_group_by_name
伙伴lqs
·
2023-02-06 17:08
mask-rcnn
tensorflow
深度学习
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices, cuda:1
问题:错误:出现x0和self.weight_v放在不同的GPU上。解决方法:把self.weight_v放在x0的GPU上
小六的画布
·
2023-02-06 11:27
pytorch
pytorch
深度学习
人工智能
神经网络
Expected all
tensors
to be on the same device, but found at least two devices, cuda:0 and cpu! (when
在学习pytorch的时候,在进行GPU的训练的时候出现这个问题,特此记录一下这个问题的解决,首先应该找到报错的位置,比如的报错位置和语句是其中点击蓝色到报错位置值,图片的第二行是报错的内容,我在查询别的资料的时候发现Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices,cuda:0andcpu!(whencheckinga
qq_43384629
·
2023-02-06 11:57
pytorch
深度学习
人工智能
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices, cpu and
RuntimeError:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices,cpuandcuda:0!(whencheckingarugmentforargumentmat1inmethodwrapper_addmm)说至少有两个设备,cup和cuda0其实就加了一个MLP,然后想测一下,结果就报这个错误RuntimeE
taxuewuhenxiaoer
·
2023-02-06 11:57
代码问题
pytorch将model放置到GPU(cuda)上,运行时报错Expected all
tensors
to be on the same device, but found at least tw
完整报错:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices,cuda:0andcpu!(whencheckingargumentforargumentindexinmethodwrapper__index_select)环境:python3,游戏本(带gpu)1.将model放置到cuda上:USE_CUDA=torch
Wsyoneself
·
2023-02-06 11:57
pytorch
pytorch
深度学习
人工智能
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices
运行以下代码时报错:RuntimeError:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices,cuda:0andcpu!(whencheckingargumentforargumenttensorsinmethodwrapper_cat)这行代码在函数定义里,且当时loss和model都有.to(device)的操作e
德国Viviane
·
2023-02-06 11:27
深度学习
python
人工智能
paddle 中的backward()函数
你没有看错,就是这个:paddle.autograd.backward(
tensors
,grad_
tensors
=None,retain_graph=False)官方注解:计算给定的
Tensors
的反向梯度
Vertira
·
2023-02-05 08:57
paddlepaddle
paddle
Pytorch学习笔记--0 What is Pytorch?
张量(
Tensors
)运算与Numpy之间的转换(Num
caiyyyyy
·
2023-02-04 10:51
Deep
Learning
Python
Pytorch
深度学习
机器学习
RuntimeError: invalid argument 0: Sizes of
tensors
must match except in dimension 0. Got 3 and 2 ...
两种可能:一:transforms没有把数据集中的图片转换成想要的尺寸大小,如Resnet等网络输入需要224x224大小的图像,在Resize时,不能用transforms.Resize(224),而因该用transforms.Resize([224,224]),官方文档有函数解释二.可能是因为自己的数据集中既有RGB图像也有灰度图像,通道不统一参考https://discuss.pytorch
福芙芙_growing
·
2023-02-03 16:23
令人头大的环境问题
python
Pytorch——报错解决:RuntimeError: Expected all
tensors
to be on the same device, but found at least two
Pytorch——报错解决:RuntimeError:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices一、报错信息二、报错原因三、解决方法四、原代码五、现代码参考博客一、报错信息RuntimeError:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodev
William.csj
·
2023-02-02 23:07
PyTorch
pytorch
tensors
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices, cuda:0
成功解决:RuntimeError:Expectedalltensorstobeonthesamedevice,butfoundatleasttwodevices,cuda:0andcuda:1!(whencheckingargumentforargumentindexinmethodwrapper__index_select),报错问题。问题原因:模型训练时,数据不在同一块GPU上解决方案:在模
厚德载物2020
·
2023-02-02 23:07
深度学习
python
人工智能
Huggingface Trainer报错RuntimeError: Expected all
tensors
to be on the same device
问题描述最近在新的机器上复现一个简单的使用HuggingfaceTransformers库中的Trainer模块来实现seq2seq模型时,报如下错误:Traceback(mostrecentcalllast):File"/test/qiezi/jxqi/project/t5_for_imdb/seq2seq/run_seq2seq.py",line252,inmain()File"/test/q
11好好学习,天天向上
·
2023-02-02 23:07
自然语言处理
NLP
Pytorch
python
深度学习
Pytorch 模型保存与使用、Finetune参数冻结、train/eval
1模型保存与使用torch.save:将对象序列化到硬盘上,该对象可以是Models,
tensors
和dictionaries等。实际上是使用了python的pickle方法。
NCU_wander
·
2023-02-02 13:25
深度学习框架
PyTorch-20 命名张量(Named
Tensors
)的介绍
请到这里去查看图文教程:http://studyai.com/pytorch-1.4/intermediate/named_tensor_tutorial.html命名张量旨在通过允许用户将显式名称与张量维度关联,使张量更易于使用。在大多数情况下,采用维度参数的操作将接受维度名称,从而避免了按位置跟踪维度的需要。此外,命名张量使用名称自动检查API在运行时是否正确使用,从而提供额外的安全性。名称还
人工智能学社
·
2023-02-01 18:33
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices, cuda:0
问题描述:device="cuda:0"y_hat,hidden=my_LSTM(test_x)#这里加to(device)的原因在于为在GPU上,test_x是在CPU上的,所以需要统一到GPU上面y_hat=y_hat[:,-1,:].squeeze(-1)#print(len(predict_result))print("--------------------------")print(y
淮雵的Blog
·
2023-01-31 11:39
python
深度学习
tensor
数据流图中的节点,代表数值运算;节点节点之间的边,代表多维数据(
tensors
)之间的某种联系。我们可以在多种设备(含有CPU或GPU)上通过简单的API调用来使用该系统的功能。
Meiko丶
·
2023-01-30 11:59
机器学习
报错:ValueError: At least one stride in the given numpy array is negative, and
tensors
with negative s
报错:ValueError:Atleastonestrideinthegivennumpyarrayisnegative,andtensorswithnegativestridesarenotcurrentlysupported.(Youcanprobablyworkaroundthisbymakingacopyofyourarraywitharray.copy())数据导入时报如上错误,错误代码
Elizabeth-sun
·
2023-01-28 11:05
numpy
python
机器学习
pytorch之tensor操作报错汇总
torch.split()t=torch.ones((2,5))list_of_
tensors
=torch.split(t,[2,1,1],dim=1)print("t:{}".format(t))foridx
朱朱呀
·
2023-01-28 08:08
#
pytorch
笔记
深度学习
python
debug
Input and parameter
tensors
are not at the same device
Inputandparametertensorsarenotatthesamedevice文章目录Inputandparametertensorsarenotatthesamedevice出现这个问题的原因是没有把模型和数据都放到cuda里面device=torch.device('cuda:0'iftorch.cuda.is_available()else'cpu')model.to(devic
系统随机
·
2023-01-28 08:37
计算机视觉与深度学习
c++
python
开发语言
【踩坑】RuntimeError: Input and parameter
tensors
are not the same dtype, found input tensor with Double
报错RuntimeError:Inputandparametertensorsarenotthesamedtype,foundinputtensorwithDoubleandparametertensorwithFloatgithubissue在GRU网络,需要传入Float的tensor,但是我传入的dtype是torch.float32因此需要先转成floatoutput=output.flo
今天NLP了吗
·
2023-01-28 08:35
问题解决
RuntimeError: Input and hidden
tensors
are not at the same device, found input tensor at cuda:0 and
dl初学菜狗,轻喷在运行BiLSTM代码的时候遇到的错误,因为使用cpu跑太慢了,改用gpu加速,遇到的问题。因为BiLSTM里面含有隐藏层hidden-layer,BiLSTM和其他网络相比特殊之处在于隐藏层初始化是在网络的前向传播处发生的,这就意味着即使使用model.to(device)也不会对后面在网络内部的新初始化的变量位置产生什么影响(即变量还是在cpu上),所以当tensor一部分在
菜菜2022
·
2023-01-28 08:05
Pytorch
pytorch
深度学习
tensor
GPU
RuntimeError:Input and parameter
tensors
are not at the same device, found input tensor at cuda:0 an
错误原因:输入x和输出y(或模型参数)存放的位置不同所产生的这种错误主要是因为输入x和输出y(或模型参数)存放的位置不同所产生的如果你是错误1:输入x在cuda(gpu)中,模型参数在cpu中想把输入x放入到gpu中,一般就是找到输入参数x,然后再调用使用参数x之前添加一行代码x.to(device)(其中device=“cuda”)如果你是错误2:输入x在cpu中,模型参数cuda(gpu)在中
CodeWang_NC
·
2023-01-28 08:34
bug
深度学习
lstm
pytorch
RuntimeError: Expected all
tensors
to be on the same device, but found at least two devices, cuda:0
记录一下遇到的改进网络模型时的错误。起因:将CCNet的十字交叉注意力模块加入YOLOv5中,在写代码时,有部分方法用到了.cuda()这个方法来返回一个临时数据。YOLOv5在构建模型时,会跑一遍模型,此时数据类型是cpu类型的,当与cuda类型的临时数据进行计算时,自然会发生冲突。如果直接去掉.cuda()方法,临时数据变为cpu类型;虽然可以在第一次构建模型时不发生冲突,但是实际训练的时候,
雪月圣雕
·
2023-01-28 08:34
深度学习
python
人工智能
RuntimeError: 1only batches of spatial targets supported (non-empty 3D
tensors
) but got targets of s
在用自己的数据集训练unet时,碰到了这样的问题。RuntimeError:1onlybatchesofspatialtargetssupported(3Dtensors)butgottargetsofsize::[1,640,959,3]损失函数nn.CrossEntropyLoss()的输入应该是一个4维的张量(网络的输出)和一个三维的张量(target),而读取的数据集中的标签为RGB三通道
weixin_57203027
·
2023-01-27 11:26
python
神经网络
人工智能
计算机视觉
cnn
TensorFlow实战-started
Tensors
,长量,数据在TensorFlow里面的基础但是就是tensor。长量的秩就是他的维数。
mov觉得高数好难
·
2023-01-26 09:53
【笔记】tf 三种模型保存格式总结 GraphDef(*.pb)&& SavedModel
2.GraphDef(*.pb)这种格式文件包含protobuf对象序列化后的数据,包含了计算图,可以从中得到所有运算符(operators)的细节,也包含
tensors
,这里有两种pb文件:1)包含所有的
程序猿的探索之路
·
2023-01-25 15:02
小菜鸡加油
tensorflow
深度学习
python
张量操作
一、张量的操作:拼接、切分、索引和变换一、张量的拼接与切分1、torch.cat()1、torch.cat()功能:将张量按维度dim进行拼接torch.cat(
tensors
,dim=0,out=None
BUPT-WT
·
2023-01-24 15:10
Pytorch框架
Tensorflow2.x版本常用函数
TensorFlow2.x中的常用函数合并与分割tf.concat()在特定的维度上进行合并tf.concat(tensor,axis)其中
tensors
保存了所有需要合并的张量List,axis指定需要合并的维度
\ (•◡•) /Carry_You
·
2023-01-24 15:07
Deeplearning
pytorch张量(tensor)常用高级操作函数
张量创建张量拼接、切分、索引和变换torch.cat(),torch.concentrate(),torch.concat()注:这三个函数是等价的函数:torch.cat(
tensors
,dim=0,
千禧皓月
·
2023-01-24 15:33
计算机视觉
python
深度学习
开发语言
Pytorch中的TensorDataset与DataLoader的使用
*Parameters:
tensors
(Tensor)–tensorsthathavethesam
Arxan_hjw
·
2023-01-24 07:03
pytorch-拼接与拆分
拼接与拆分▪Cat▪Stack▪Chunk▪Splitcat(竖着堆)torch.cat(
tensors
,dim=0,out=None)对于二维矩阵:第一个参数
tensors
是你想要连接的若干个张量,按你所传入的顺序进行连接
霄逸鸿
·
2023-01-20 17:22
pytorch相关
1、pytorch 张量与运算API
一、初识张量1、概念
Tensors
,与numpy中的ndarray类似,但是在pytorch中,
Tensors
可以使用GPU进行计算。张量实际上就是一个多维数组,目的是能够创造更高维度的矩阵、向量。
Josepyth
·
2023-01-20 10:52
pytorch
python
深度学习
上一页
1
2
3
4
5
6
7
8
下一页
按字母分类:
A
B
C
D
E
F
G
H
I
J
K
L
M
N
O
P
Q
R
S
T
U
V
W
X
Y
Z
其他