- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
我正在尝试使用 Pytorch 通过 2D 向量(嘈杂语音帧序列)的回归来预测 1D 向量(干净语音数据帧) data) - 之前已经完成过。帧序列为帧提供时间上下文,以更准确地预测干净帧。这些向量可以被认为类似于 2D 灰度图像和 1D 灰度图像。
当批量大小为 64、窗口长度为 5、帧长度为 257 时,输入张量的形状为 [64, 1, 5, 257],目标张量的形状为 [64, 1, 1, 257]。
有一些在 TensorFlow 中完成此操作的示例,但我找不到使用 Pytorch 的示例。这是迄今为止我复制这篇论文的最佳尝试(https://www.isca-speech.org/archive/Interspeech_2017/pdfs/1465.PDF)。
def __init__(self, window_length, frame_length, batch_size):
super(Net, self).__init__()
self.layer1 = nn.Sequential(
nn.Conv2d(1, 12, kernel_size=(1,13), stride=1, padding=(0,6)),
# nn.BatchNorm2d(12),
nn.ReLU())
self.layer2 = nn.Sequential(
nn.Conv2d(12, 16, kernel_size=(1,11), stride=1, padding=(0,5)),
# nn.BatchNorm2d(16),
nn.ReLU())
self.layer3 = nn.Sequential(
nn.Conv2d(16, 20, kernel_size=(1,9), stride=1, padding=(0,4)),
# nn.BatchNorm2d(20),
nn.ReLU())
self.layer4 = nn.Sequential(
nn.Conv2d(20, 24, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(24),
nn.ReLU())
self.layer5 = nn.Sequential(
nn.Conv2d(24, 32, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(32),
nn.ReLU())
self.layer6 = nn.Sequential(
nn.Conv2d(32, 24, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(24),
nn.ReLU())
self.layer7 = nn.Sequential(
nn.Conv2d(24, 20, kernel_size=(1,9), stride=1, padding=(0,4)),
# nn.BatchNorm2d(20),
nn.ReLU())
self.layer8 = nn.Sequential(
nn.Conv2d(20, 16, kernel_size=(1,11), stride=1, padding=(0,5)),
# nn.BatchNorm2d(16),
nn.ReLU())
self.layer9 = nn.Sequential(
nn.Conv2d(16, 12, kernel_size=(1,13), stride=1, padding=(0,6)),
# nn.BatchNorm2d(12),
nn.ReLU())
self.conv_out = nn.Sequential(
nn.Conv2d(12, 1, kernel_size=(1,1), stride=1, padding=(0,0)),
)
self.fc1 = nn.Linear(batch_size * window_length * frame_length, frame_length)
def forward(self, x):
out = self.layer1(x)
out = self.layer2(out)
out = self.layer3(out)
out = self.layer4(out)
out = self.layer5(out)
out = self.layer6(out)
out = self.layer7(out)
out = self.layer8(out)
out = self.layer9(out)
out = self.conv_out(out)
out = self.fc1(out)
return out
在此网络上调用 .forward()
会导致以下错误消息:
运行时错误:大小不匹配,m1:[320 x 257],m2:[82240 x 257]
如何将每个样本的输出层减少到 1x257 以匹配目标(长度为 257 的单帧)?
最佳答案
这是您的代码的工作示例。
class Net(nn.Module):
def __init__(self, window_length, frame_length, batch_size):
super(Net, self).__init__()
self.layer1 = nn.Sequential(
nn.Conv2d(1, 12, kernel_size=(1,13), stride=1, padding=(0,6)),
# nn.BatchNorm2d(12),
nn.ReLU())
self.layer2 = nn.Sequential(
nn.Conv2d(12, 16, kernel_size=(1,11), stride=1, padding=(0,5)),
# nn.BatchNorm2d(16),
nn.ReLU())
self.layer3 = nn.Sequential(
nn.Conv2d(16, 20, kernel_size=(1,9), stride=1, padding=(0,4)),
# nn.BatchNorm2d(20),
nn.ReLU())
self.layer4 = nn.Sequential(
nn.Conv2d(20, 24, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(24),
nn.ReLU())
self.layer5 = nn.Sequential(
nn.Conv2d(24, 32, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(32),
nn.ReLU())
self.layer6 = nn.Sequential(
nn.Conv2d(32, 24, kernel_size=(1,7), stride=1, padding=(0,3)),
# nn.BatchNorm2d(24),
nn.ReLU())
self.layer7 = nn.Sequential(
nn.Conv2d(24, 20, kernel_size=(1,9), stride=1, padding=(0,4)),
# nn.BatchNorm2d(20),
nn.ReLU())
self.layer8 = nn.Sequential(
nn.Conv2d(20, 16, kernel_size=(1,11), stride=1, padding=(0,5)),
# nn.BatchNorm2d(16),
nn.ReLU())
self.layer9 = nn.Sequential(
nn.Conv2d(16, 12, kernel_size=(1,13), stride=1, padding=(0,6)),
# nn.BatchNorm2d(12),
nn.ReLU())
self.conv_out = nn.Sequential(
nn.Conv2d(12, 1, kernel_size=(1,1), stride=1, padding=(0,0)),
)
self.fc1 = nn.Linear(window_length * frame_length, frame_length)
def forward(self, x):
out = self.layer1(x)
out = self.layer2(out)
out = self.layer3(out)
out = self.layer4(out)
out = self.layer5(out)
out = self.layer6(out)
out = self.layer7(out)
out = self.layer8(out)
out = self.layer9(out)
out = self.conv_out(out)
out = out.view(-1, 5*257)
out = self.fc1(out)
return out
我所做的更改:
更改了线性层的定义。在 Pytorch 中,您不会在模型公式中明确使用批量大小。您的模型公式应该能够处理批量大小的任何值。此外,基于batch_size定义线性层是错误的。线性层仅定义输入的真实形状。
使用 View 在卷积层之后 reshape 输出
我引用了以下 tensorflow 代码RCED做出这些改变。尽管我确实发现它与论文描述有点不同,论文描述说它使用完全卷积层。但我认为,它们几乎都很相似。
关于python - Pytorch:如何从 2D 矢量/图像预测 1D 矢量?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/59569971/
已关闭。此问题不符合Stack Overflow guidelines 。目前不接受答案。 这个问题似乎与 help center 中定义的范围内的编程无关。 . 已关闭 3 年前。 此帖子于去年编辑
据我所知,在使用 GPU 训练和验证模型时,GPU 内存主要用于加载数据,向前和向后。据我所知,我认为 GPU 内存使用应该相同 1) 训练前,2) 训练后,3) 验证前,4) 验证后。但在我的例子中
我正在尝试在 PyTorch 中将两个复数矩阵相乘,看起来 the torch.matmul functions is not added yet to PyTorch library for com
我正在尝试定义二分类问题的损失函数。但是,目标标签不是硬标签0,1,而是0~1之间的一个 float 。 Pytorch 中的 torch.nn.CrossEntropy 不支持软标签,所以我想自己写
我正在尝试让 PyTorch 与 DataLoader 一起工作,据说这是处理小批量的最简单方法,在某些情况下这是获得最佳性能所必需的。 DataLoader 需要一个数据集作为输入。 大多数关于 D
Pytorch Dataloader 的迭代顺序是否保证相同(在温和条件下)? 例如: dataloader = DataLoader(my_dataset, batch_size=4,
PyTorch 的负对数似然损失,nn.NLLLoss定义为: 因此,如果以单批处理的标准重量计算损失,则损失的公式始终为: -1 * (prediction of model for correct
在PyTorch中,new_ones()与ones()有什么区别。例如, x2.new_ones(3,2, dtype=torch.double) 与 torch.ones(3,2, dtype=to
假设我有一个矩阵 src带形状(5, 3)和一个 bool 矩阵 adj带形状(5, 5)如下, src = tensor([[ 0, 1, 2], [ 3, 4,
我想知道如果不在第 4 行中使用“for”循环,下面的代码是否有更有效的替代方案? import torch n, d = 37700, 7842 k = 4 sample = torch.cat([
我有三个简单的问题。 如果我的自定义损失函数不可微会发生什么? pytorch 会通过错误还是做其他事情? 如果我在我的自定义函数中声明了一个损失变量来表示模型的最终损失,我应该放 requires_
我想知道 PyTorch Parameter 和 Tensor 的区别? 现有answer适用于使用变量的旧 PyTorch? 最佳答案 这就是 Parameter 的全部想法。类(附加)在单个图像中
给定以下张量(这是网络的结果 [注意 grad_fn]): tensor([121., 241., 125., 1., 108., 238., 125., 121., 13., 117., 12
什么是__constants__在 pytorch class Linear(Module):定义于 https://pytorch.org/docs/stable/_modules/torch/nn
我在哪里可以找到pytorch函数conv2d的源代码? 它应该在 torch.nn.functional 中,但我只找到了 _add_docstr 行, 如果我搜索conv2d。我在这里看了: ht
如 documentation 中所述在 PyTorch 中,Conv2d 层使用默认膨胀为 1。这是否意味着如果我想创建一个简单的 conv2d 层,我必须编写 nn.conv2d(in_chann
我阅读了 Pytorch 的源代码,发现它没有实现 convolution_backward 很奇怪。函数,唯一的 convolution_backward_overrideable 函数是直接引发错
我对编码真的很陌生,现在我正在尝试将我的标签变成一种热门编码。我已经完成将 np.array 传输到张量,如下所示 tensor([4., 4., 4., 4., 4., 4., 4., 4., 4.
我正在尝试实现 text classification model使用CNN。据我所知,对于文本数据,我们应该使用一维卷积。我在 pytorch 中看到了一个使用 Conv2d 的示例,但我想知道如何
我有一个多标签分类问题,我正试图用 Pytorch 中的 CNN 解决这个问题。我有 80,000 个训练示例和 7900 个类;每个示例可以同时属于多个类,每个示例的平均类数为 130。 问题是我的
我是一名优秀的程序员,十分优秀!