-
I am using a Layout Parser model that is PubLaynet model and I want to use with doctr ocr instead of resnet 50 model. I will provide a code below how I am trying to do it.
I am getting blank output w…
-
I'm getting different output everytime I run the code for testing the pretrained model. and its not correct.
Kindly help.
Thanks
-
We have provided at least one easy and clean Python demo for every model here in the zoo. As described in https://github.com/opencv/opencv_zoo/issues/132, Python demos sometimes can be too concise to …
-
Hi, sorry for the bothering, but I'm facing the problem.
All my accuracy during validation are 0 , that is really weird.
Have you ever facing this problem during training?
I just used your pre-trai…
ekils updated
4 years ago
-
ImportError: No module named crnn.models.crnn,请问大神,这个怎么解决
-
### 🐛 Describe the bug
import torch.nn as nn
import torch
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
class CRNN(nn.Module):
def __init__(self, img_channel…
-
Traceback (most recent call last):
File "/root/OCR-Invoice_Identification-master/train_code/crnn_train_code/train_pytorch_ctc.py", line 177, in
val(crnn, test_dataset, criterion, loss_avg.val…
szzwy updated
6 months ago
-
```bash
ncnn2table crnn-opt.param crnn-opt.bin /tmp/imagelist.txt crnn.table mean=[128] norm=[0.007] s$ape=[32,128,1] pixel=GRAY thread=24 method=kl …
-
Hi, I've changed to my own dataset and using the same architecture of your CRNN. For training ONE EPOCH it tales around 30mins, which is incredible long. I used the same dataloader, the image size it …
-
### 🚀 The feature
`torch.compile` is a Pytorch feature that compiles the model into static kernels using a JIT. More information on: https://pytorch.org/tutorials/intermediate/torch_compile_tutoria…