-
### 🚀 The feature, motivation and pitch
I was trying to export some standard torchvision detection models, but export failed due to
```
torch._dynamo.exc.Unsupported: call_function BuiltinVariabl…
-
```python
import torch
import torchvision
import torch.utils.tensorboard
model = torchvision.models.detection.fasterrcnn_resnet50_fpn()
script = torch.jit.script(model)
script.save('fasterrcnn_r…
-
### 🐛 Describe the bug
`fasterrcnn_resnet50_fpn()` includes code to edit weights on-the-fly while loading them: https://github.com/pytorch/vision/blob/bf01bab6125c5f1152e4f336b470399e52a8559d/torchvi…
-
I am able to load the custom dataset where **target** contain dict of {boxes, labels}. But, when I try to build **fasterrcnn_resnet50_fpn** model, it is showing **TorchStudio\python\lib\site-packages…
-
**Description**
A onnx model can return empty predictions because it includes certain post-processing internally (faster r-cnn, yolov7). In this case **triton** logs a `Parse error at offset 0: The d…
-
Current Orca estimator predict only handles model with one output. Many models have multiple outputs, e.g. image object detection models: detection.fasterrcnn_resnet50_fpn, fasterrcnn_mobilenet_v3_lar…
-
I tried Faster-RCNN(ResNet50) model.
```python
model = torchvision.models.detection.fasterrcnn_resnet50_fpn(pretrained=True)
# Pytorch to ONNX
onnx_filename = 'fasterrcnn_resnet50_fpn_imagenet.o…
Kocha updated
4 years ago
-
### 🐛 Describe the bug
I am trying to run detectron2 on Mac M1 with device set to "mps" (Metal Performance Shaders)
The problem is that every time I set up to mps the following error shows up:
…
-
**Describe the bug**
FastRCNN based models input is a list (The batch is a list of tensors).
Hence it can not be described using the current API which only let the user set the tensor dimensions.
…
-
To help users take advantage of rikai for their existing mlflow models, we want to make it easier for them to bring those into the catalog. In particular, we want to allow the user to specify the foll…