- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
torch.nn.functional.grid_sample
(来源 here,单击文档获取文档)目前不受 CoreML(及其转换实用程序库:coremltools)支持。
我正在寻找的是一种将下面显示的层从 PyTorch 的 torchscript
(文档 here)导出到 CoreML(使用通过 Swift 创建的自定义 op
)的方法或者通过高效的 PyTorch 重写 grid_sample
)。
有关入门的详细信息和提示,请参阅“提示”部分
import coremltools as ct
import torch
class GridSample(torch.nn.Module):
def forward(self, inputs, grid):
# Rest could be the default behaviour, e.g. bilinear
return torch.nn.functional.grid_sample(inputs, grid, align_corners=True)
# Image could also have more in_channels, different dimension etc.,
# for example (2, 32, 64, 64)
image = torch.randn(2, 3, 32, 32) # (batch, in_channels, width, height)
grid = torch.randint(low=-1, high=2, size=(2, 64, 64, 2)).float()
layer = GridSample()
# You could use `torch.jit.script` if preferable
scripted = torch.jit.trace(layer, (image, grid))
# Sanity check
print(scripted(image, grid).shape)
# Error during conversion
coreml_layer = ct.converters.convert(
scripted,
source="pytorch",
inputs=[
ct.TensorType(name="image", shape=image.shape),
ct.TensorType(name="grid", shape=grid.shape),
],
)
引发以下错误:
Traceback (most recent call last):
File "/home/REDACTED/Downloads/sample.py", line 23, in <module>
coreml_layer = ct.converters.convert(
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/_converters_entry.py", line 175, in convert
mlmodel = mil_convert(
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/converter.py", line 128, in mil_convert
proto = mil_convert_to_proto(, convert_from, convert_to,
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/converter.py", line 171, in mil_convert_to_proto
prog = frontend_converter(, **kwargs)
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/converter.py", line 85, in __call__
return load(*args, **kwargs)
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/frontend/torch/load.py", line 81, in load
raise e
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/frontend/torch/load.py", line 73, in load
prog = converter.convert()
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/frontend/torch/converter.py", line 227, in convert
convert_nodes(self.context, self.graph)
File "/home/REDACTED/.conda/envs/REDACTED/lib/python3.9/site-packages/coremltools/converters/mil/frontend/torch/ops.py", line 54, in convert_nodes
raise RuntimeError(
RuntimeError: PyTorch convert function for op 'grid_sampler' not implemented.
Python(conda
):
coremltools==4.1
torch==1.8.0
您还可以使用nightly
/master
构建(至少在写作当天:2021-03-20
)
这些被分成了我目前看到的两种可能的解决方案:
从头开始重写 torch.nn.functional.grid_sample
。
list
或相关类型上使用 __getitem__
- 似乎可以与 torch.Tensor
一起使用,但问题,所以如果你得到 RuntimeError: PyTorch convert function for op '__getitem__' not implemented
优点:
缺点:
注册负责运行grid_sample
的自定义层。仅 CPU 实现会很好(尽管使用 Apple 的 Metal 进行 GPU 加速会很棒)。
由于我不喜欢 Swift,所以我收集了一些可能对您有帮助的资源:
优点:
缺点:
最佳答案
好吧,这不是确切的答案,而是一些研究。 grid_sample
本质上是稀疏矩阵运算,想法是尽量让它变稠密。下面的代码演示了如何完成。它可能很慢,并且需要 grid
是静态的以从要转换的模型中消除 grid_sample
,但有点管用。
目标是以线性形式进行变换。在这里,为了获得密集矩阵,我们将单位对角线输入“grid_sample”,结果是我们正在寻找的矩阵保持变换。要进行命名变换,请将展平图像乘以该矩阵。正如您在此处看到的 batch=1,转换必须针对每个 grid
独立完成。
您的代码:
in_sz = 2; out_sz = 4; batch = 1; ch = 3
class GridSample(torch.nn.Module):
def forward(self, inputs, grid):
# Rest could be the default behaviour, e.g. bilinear
return torch.nn.functional.grid_sample(inputs, grid, align_corners=True)
image = torch.randn( batch, ch, in_sz, in_sz) # (batch, in_channels, width, height)
grid = torch.randint(low=-1, high=2, size=( batch, out_sz, out_sz, 2)).float()
layer = GridSample()
scripted = torch.jit.trace(layer, (image, grid))
print(scripted(image, grid))
输出:
tensor([[[[-0.8226, -0.4457, -0.3382, -0.0795],
[-0.4457, -0.0052, -0.8226, -0.6341],
[-0.4457, -0.8226, -0.4457, -0.6341],
[-0.4510, -0.3382, -0.4457, -0.0424]],
[[-1.0090, -1.6029, -1.3813, -0.1212],
[-1.6029, -2.7920, -1.0090, -1.3060],
[-1.6029, -1.0090, -1.6029, -1.3060],
[-0.5651, -1.3813, -1.6029, -1.4566]],
[[ 0.1482, 0.7313, 0.8916, 1.8723],
[ 0.7313, 0.8144, 0.1482, 0.4398],
[ 0.7313, 0.1482, 0.7313, 0.4398],
[ 1.0103, 0.8916, 0.7313, 1.3434]]]])
转换:
oness = torch.ones( in_sz*in_sz )
diagg = torch.diag( oness ).reshape( 1, in_sz*in_sz, in_sz, in_sz )
denser = torch.nn.functional.grid_sample( diagg, grid, align_corners=True).reshape( in_sz*in_sz, out_sz*out_sz ).transpose(0,1)
print (denser.shape)
print (image.shape)
image_flat = image.reshape( batch, ch, in_sz*in_sz )
print (image_flat.shape)
print( torch.nn.functional.linear( image_flat, denser ).reshape( batch, ch, out_sz, out_sz ) )
输出:
torch.Size([16, 4])
torch.Size([1, 3, 2, 2])
torch.Size([1, 3, 4])
tensor([[[[-0.8226, -0.4457, -0.3382, -0.0795],
[-0.4457, -0.0052, -0.8226, -0.6341],
[-0.4457, -0.8226, -0.4457, -0.6341],
[-0.4510, -0.3382, -0.4457, -0.0424]],
[[-1.0090, -1.6029, -1.3813, -0.1212],
[-1.6029, -2.7920, -1.0090, -1.3060],
[-1.6029, -1.0090, -1.6029, -1.3060],
[-0.5651, -1.3813, -1.6029, -1.4566]],
[[ 0.1482, 0.7313, 0.8916, 1.8723],
[ 0.7313, 0.8144, 0.1482, 0.4398],
[ 0.7313, 0.1482, 0.7313, 0.4398],
[ 1.0103, 0.8916, 0.7313, 1.3434]]]])
嗯,可能不是很有效,我希望这至少能让你开心。
关于python - PyTorch 的 grid_sample 转换为 CoreML(通过 coremltools),我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/66725654/
已关闭。此问题不符合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。 问题是我的
我是一名优秀的程序员,十分优秀!