-
1.想问下百度网盘权重文件(voc_weights_resnet.pth,voc_weights_vgg.pth)是骨干网络的预训练权重还是整个fasterrcnn的权重?因为看到readme.md有frcnn_weights.pth,有点不确定了。从网盘中另外两个文件resnet50-19c8e357.pth等来看,voc_weights_resnet.pth是fasterrcnn模型的训练好的…
-
### 🚀 The feature
Currently vision models commonly return dictionary
```python
model = fasterrcnn_resnet50_fpn_v2(
weights=FasterRCNN_ResNet50_FPN_V2_Weights.COCO_V1,
)
dog_int = io.read_i…
-
TorchBench CI has detected a performance signal or runtime regression.
Base PyTorch commit: 174d01bc939c7bdf390113c75d5ec2ce84cfa1d2
Affected PyTorch commit: 329bb2a33e40f4bc76b2e061b180d3234984c91…
-
## Summary of Contributions (9th Feb)
1) **Improve the number of models in TorchBench that work with Dynamo as a tracer:** These passing rates are now comparable to those from torch.compile using I…
-
*代码报错详情*
```
Traceback (most recent call last):
File "D:/PythonProjects/deep-learning-for-image-processing-master/pytorch_object_detection/faster_rcnn/train_res50_fpn.py", line 231, in
ma…
-
Hi,
I'm following the documentation on [keras-cv website Faster-RCNN model](https://keras.io/api/keras_cv/models/faster_rcnn/) and i can't seem to import the model. I get the below error:
I …
-
Try executed this code, but print RuntimeError message.
Is there any solution?
```python
import torch
import torchvision.models as models
from torchsummary import summary
device = torch.de…
Kocha updated
4 years ago
-
Hi there,
I tried to convert a fasterrcnn model to onnx format, and followed the instruction from test/test_onnx.py [https://github.com/pytorch/vision/blob/master/test/test_onnx.py](url).
Here is…
-
### 🐛 Describe the bug
While attempting to create an ONNX version of Maskrcnn, starting from a ``ScriptModule``, an error occurs, indicating that ``__torch__.torchvision.models.detection._utils.BoxCo…
-
您好,想请教一下对于尺度不变性学习部分
1、原尺寸图用P3-P7,缩小一半的用P2-P6,请问推理预测eval的时候用哪一部分呢?
2、好像一般的ResNet50-FasterRCNN-FPN架构中P2—P5对应(C2-C5),P6P7是在P5上延伸出来的,请问PseCo中是这样吗,配置文件中的add_extra_convs='on_input'是这样的意思吗?