PaddlePaddle / PaddleOCR

Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
https://paddlepaddle.github.io/PaddleOCR/
Apache License 2.0
44.13k stars 7.81k forks source link

Error training recognition with PPOCR-v3 model via Google Colab with single GPU #10517

Closed wsbizera closed 1 year ago

wsbizera commented 1 year ago

First of all, I would like to thank those responsible for the excellent project. Before opening this issue, I did a lot of research to try to figure out the reason for the problem, but I really couldn't find a solution. As I don't have any GPU with more than 8gb, I tried to use Google Colab to perform specific training for images with vertical text (ISO Container). I would like the excellent help of all of you, who are more experienced than I am on the subject. Thanks in advance.

请提供下述完整信息以便快速定位问题/Please provide the following information to quickly locate the problem

Here is the complete return of the command: LAUNCH INFO 2023-07-31 13:10:04,588 ----------- Configuration ---------------------- [2023-07-31 13:10:04,588] [ INFO] init.py:43 - ----------- Configuration ---------------------- LAUNCH INFO 2023-07-31 13:10:04,588 auto_parallel_config: None [2023-07-31 13:10:04,588] [ INFO] init.py:45 - auto_parallel_config: None LAUNCH INFO 2023-07-31 13:10:04,589 devices: 0 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - devices: 0 LAUNCH INFO 2023-07-31 13:10:04,589 elastic_level: -1 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - elastic_level: -1 LAUNCH INFO 2023-07-31 13:10:04,589 elastic_timeout: 30 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - elastic_timeout: 30 LAUNCH INFO 2023-07-31 13:10:04,589 gloo_port: 6767 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - gloo_port: 6767 LAUNCH INFO 2023-07-31 13:10:04,589 host: None [2023-07-31 13:10:04,589] [ INFO] init.py:45 - host: None LAUNCH INFO 2023-07-31 13:10:04,589 ips: None [2023-07-31 13:10:04,589] [ INFO] init.py:45 - ips: None LAUNCH INFO 2023-07-31 13:10:04,589 job_id: default [2023-07-31 13:10:04,589] [ INFO] init.py:45 - job_id: default LAUNCH INFO 2023-07-31 13:10:04,589 legacy: False [2023-07-31 13:10:04,589] [ INFO] init.py:45 - legacy: False LAUNCH INFO 2023-07-31 13:10:04,589 log_dir: log [2023-07-31 13:10:04,589] [ INFO] init.py:45 - log_dir: log LAUNCH INFO 2023-07-31 13:10:04,589 log_level: INFO [2023-07-31 13:10:04,589] [ INFO] init.py:45 - log_level: INFO LAUNCH INFO 2023-07-31 13:10:04,589 log_overwrite: False [2023-07-31 13:10:04,589] [ INFO] init.py:45 - log_overwrite: False LAUNCH INFO 2023-07-31 13:10:04,589 master: None [2023-07-31 13:10:04,589] [ INFO] init.py:45 - master: None LAUNCH INFO 2023-07-31 13:10:04,589 max_restart: 3 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - max_restart: 3 LAUNCH INFO 2023-07-31 13:10:04,589 nnodes: 1 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - nnodes: 1 LAUNCH INFO 2023-07-31 13:10:04,589 nproc_per_node: None [2023-07-31 13:10:04,589] [ INFO] init.py:45 - nproc_per_node: None LAUNCH INFO 2023-07-31 13:10:04,589 rank: -1 [2023-07-31 13:10:04,589] [ INFO] init.py:45 - rank: -1 LAUNCH INFO 2023-07-31 13:10:04,590 run_mode: collective [2023-07-31 13:10:04,590] [ INFO] init.py:45 - run_mode: collective LAUNCH INFO 2023-07-31 13:10:04,590 server_num: None [2023-07-31 13:10:04,590] [ INFO] init.py:45 - server_num: None LAUNCH INFO 2023-07-31 13:10:04,590 servers: [2023-07-31 13:10:04,590] [ INFO] init.py:45 - servers: LAUNCH INFO 2023-07-31 13:10:04,590 start_port: 6070 [2023-07-31 13:10:04,590] [ INFO] init.py:45 - start_port: 6070 LAUNCH INFO 2023-07-31 13:10:04,590 trainer_num: None [2023-07-31 13:10:04,590] [ INFO] init.py:45 - trainer_num: None LAUNCH INFO 2023-07-31 13:10:04,590 trainers: [2023-07-31 13:10:04,590] [ INFO] init.py:45 - trainers: LAUNCH INFO 2023-07-31 13:10:04,590 training_script: tools/train.py [2023-07-31 13:10:04,590] [ INFO] init.py:45 - training_script: tools/train.py LAUNCH INFO 2023-07-31 13:10:04,590 training_script_args: ['-c', 'configs/rec/PP-OCRv3/en_PP-OCRv3_rec.yml', '-o', 'Global.pretrained_model=pretrain_models/en_PP-OCRv3_rec_train/best_accuracy'] [2023-07-31 13:10:04,590] [ INFO] init.py:45 - training_script_args: ['-c', 'configs/rec/PP-OCRv3/en_PP-OCRv3_rec.yml', '-o', 'Global.pretrained_model=pretrain_models/en_PP-OCRv3_rec_train/best_accuracy'] LAUNCH INFO 2023-07-31 13:10:04,590 with_gloo: 1 [2023-07-31 13:10:04,590] [ INFO] init.py:45 - with_gloo: 1 LAUNCH INFO 2023-07-31 13:10:04,590 -------------------------------------------------- [2023-07-31 13:10:04,590] [ INFO] init.py:46 - -------------------------------------------------- LAUNCH INFO 2023-07-31 13:10:04,591 Job: default, mode collective, replicas 1[1:1], elastic False [2023-07-31 13:10:04,591] [ INFO] controller.py:176 - Job: default, mode collective, replicas 1[1:1], elastic False LAUNCH INFO 2023-07-31 13:10:04,592 Run Pod: zseodf, replicas 1, status ready [2023-07-31 13:10:04,592] [ INFO] controller.py:62 - Run Pod: zseodf, replicas 1, status ready LAUNCH INFO 2023-07-31 13:10:04,632 Watching Pod: zseodf, replicas 1, status running [2023-07-31 13:10:04,632] [ INFO] controller.py:86 - Watching Pod: zseodf, replicas 1, status running [2023/07/31 13:10:09] ppocr INFO: Architecture : [2023/07/31 13:10:09] ppocr INFO: Backbone : [2023/07/31 13:10:09] ppocr INFO: last_conv_stride : [1, 2] [2023/07/31 13:10:09] ppocr INFO: last_pool_type : avg [2023/07/31 13:10:09] ppocr INFO: name : MobileNetV1Enhance [2023/07/31 13:10:09] ppocr INFO: scale : 0.5 [2023/07/31 13:10:09] ppocr INFO: Head : [2023/07/31 13:10:09] ppocr INFO: head_list : [2023/07/31 13:10:09] ppocr INFO: CTCHead : [2023/07/31 13:10:09] ppocr INFO: Head : [2023/07/31 13:10:09] ppocr INFO: fc_decay : 1e-05 [2023/07/31 13:10:09] ppocr INFO: Neck : [2023/07/31 13:10:09] ppocr INFO: depth : 2 [2023/07/31 13:10:09] ppocr INFO: dims : 64 [2023/07/31 13:10:09] ppocr INFO: hidden_dims : 120 [2023/07/31 13:10:09] ppocr INFO: name : svtr [2023/07/31 13:10:09] ppocr INFO: use_guide : True [2023/07/31 13:10:09] ppocr INFO: SARHead : [2023/07/31 13:10:09] ppocr INFO: enc_dim : 512 [2023/07/31 13:10:09] ppocr INFO: max_text_length : 12 [2023/07/31 13:10:09] ppocr INFO: name : MultiHead [2023/07/31 13:10:09] ppocr INFO: Transform : None [2023/07/31 13:10:09] ppocr INFO: algorithm : SVTR [2023/07/31 13:10:09] ppocr INFO: model_type : rec [2023/07/31 13:10:09] ppocr INFO: Eval : [2023/07/31 13:10:09] ppocr INFO: dataset : [2023/07/31 13:10:09] ppocr INFO: data_dir : /content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/ [2023/07/31 13:10:09] ppocr INFO: label_file_list : ['/content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/LabelEvalGDrive.txt'] [2023/07/31 13:10:09] ppocr INFO: name : SimpleDataSet [2023/07/31 13:10:09] ppocr INFO: transforms : [2023/07/31 13:10:09] ppocr INFO: DecodeImage : [2023/07/31 13:10:09] ppocr INFO: channel_first : False [2023/07/31 13:10:09] ppocr INFO: img_mode : BGR [2023/07/31 13:10:09] ppocr INFO: MultiLabelEncode : None [2023/07/31 13:10:09] ppocr INFO: RecResizeImg : [2023/07/31 13:10:09] ppocr INFO: image_shape : [1, 64, 256] [2023/07/31 13:10:09] ppocr INFO: KeepKeys : [2023/07/31 13:10:09] ppocr INFO: keep_keys : ['image', 'label_ctc', 'label_sar', 'length', 'valid_ratio'] [2023/07/31 13:10:09] ppocr INFO: loader : [2023/07/31 13:10:09] ppocr INFO: batch_size_per_card : 16 [2023/07/31 13:10:09] ppocr INFO: drop_last : False [2023/07/31 13:10:09] ppocr INFO: num_workers : 4 [2023/07/31 13:10:09] ppocr INFO: shuffle : False [2023/07/31 13:10:09] ppocr INFO: Global : [2023/07/31 13:10:09] ppocr INFO: cal_metric_during_train : True [2023/07/31 13:10:09] ppocr INFO: character_dict_path : ppocr/utils/en_dict.txt [2023/07/31 13:10:09] ppocr INFO: checkpoints : None [2023/07/31 13:10:09] ppocr INFO: debug : False [2023/07/31 13:10:09] ppocr INFO: distributed : False [2023/07/31 13:10:09] ppocr INFO: epoch_num : 50 [2023/07/31 13:10:09] ppocr INFO: eval_batch_step : [0, 100] [2023/07/31 13:10:09] ppocr INFO: infer_img : doc/imgs_words/ch/word_1.jpg [2023/07/31 13:10:09] ppocr INFO: infer_mode : False [2023/07/31 13:10:09] ppocr INFO: log_smooth_window : 20 [2023/07/31 13:10:09] ppocr INFO: max_text_length : 12 [2023/07/31 13:10:09] ppocr INFO: pretrained_model : pretrain_models/en_PP-OCRv3_rec_train/best_accuracy [2023/07/31 13:10:09] ppocr INFO: print_batch_step : 3 [2023/07/31 13:10:09] ppocr INFO: save_epoch_step : 3 [2023/07/31 13:10:09] ppocr INFO: save_inference_dir : ./output/ [2023/07/31 13:10:09] ppocr INFO: save_model_dir : ./output/v3_en_container [2023/07/31 13:10:09] ppocr INFO: save_res_path : ./output/rec/predicts_ppocrv3_container_en.txt [2023/07/31 13:10:09] ppocr INFO: use_gpu : True [2023/07/31 13:10:09] ppocr INFO: use_space_char : True [2023/07/31 13:10:09] ppocr INFO: use_visualdl : False [2023/07/31 13:10:09] ppocr INFO: Loss : [2023/07/31 13:10:09] ppocr INFO: loss_config_list : [2023/07/31 13:10:09] ppocr INFO: CTCLoss : None [2023/07/31 13:10:09] ppocr INFO: SARLoss : None [2023/07/31 13:10:09] ppocr INFO: name : MultiLoss [2023/07/31 13:10:09] ppocr INFO: Metric : [2023/07/31 13:10:09] ppocr INFO: ignore_space : False [2023/07/31 13:10:09] ppocr INFO: main_indicator : acc [2023/07/31 13:10:09] ppocr INFO: name : RecMetric [2023/07/31 13:10:09] ppocr INFO: Optimizer : [2023/07/31 13:10:09] ppocr INFO: beta1 : 0.9 [2023/07/31 13:10:09] ppocr INFO: beta2 : 0.999 [2023/07/31 13:10:09] ppocr INFO: lr : [2023/07/31 13:10:09] ppocr INFO: learning_rate : 0.001 [2023/07/31 13:10:09] ppocr INFO: name : Cosine [2023/07/31 13:10:09] ppocr INFO: warmup_epoch : 5 [2023/07/31 13:10:09] ppocr INFO: name : Adam [2023/07/31 13:10:09] ppocr INFO: regularizer : [2023/07/31 13:10:09] ppocr INFO: factor : 3e-05 [2023/07/31 13:10:09] ppocr INFO: name : L2 [2023/07/31 13:10:09] ppocr INFO: PostProcess : [2023/07/31 13:10:09] ppocr INFO: name : CTCLabelDecode [2023/07/31 13:10:09] ppocr INFO: Train : [2023/07/31 13:10:09] ppocr INFO: dataset : [2023/07/31 13:10:09] ppocr INFO: data_dir : /content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/ [2023/07/31 13:10:09] ppocr INFO: ext_op_transform_idx : 1 [2023/07/31 13:10:09] ppocr INFO: label_file_list : ['/content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/LabelTrainGDrive.txt'] [2023/07/31 13:10:09] ppocr INFO: name : SimpleDataSet [2023/07/31 13:10:09] ppocr INFO: transforms : [2023/07/31 13:10:09] ppocr INFO: DecodeImage : [2023/07/31 13:10:09] ppocr INFO: channel_first : False [2023/07/31 13:10:09] ppocr INFO: img_mode : BGR [2023/07/31 13:10:09] ppocr INFO: RecConAug : [2023/07/31 13:10:09] ppocr INFO: ext_data_num : 2 [2023/07/31 13:10:09] ppocr INFO: image_shape : [64, 256, 1] [2023/07/31 13:10:09] ppocr INFO: max_text_length : 12 [2023/07/31 13:10:09] ppocr INFO: prob : 0.5 [2023/07/31 13:10:09] ppocr INFO: RecAug : None [2023/07/31 13:10:09] ppocr INFO: MultiLabelEncode : None [2023/07/31 13:10:09] ppocr INFO: RecResizeImg : [2023/07/31 13:10:09] ppocr INFO: image_shape : [1, 64, 256] [2023/07/31 13:10:09] ppocr INFO: KeepKeys : [2023/07/31 13:10:09] ppocr INFO: keep_keys : ['image', 'label_ctc', 'label_sar', 'length', 'valid_ratio'] [2023/07/31 13:10:09] ppocr INFO: loader : [2023/07/31 13:10:09] ppocr INFO: batch_size_per_card : 16 [2023/07/31 13:10:09] ppocr INFO: drop_last : True [2023/07/31 13:10:09] ppocr INFO: num_workers : 4 [2023/07/31 13:10:09] ppocr INFO: shuffle : True [2023/07/31 13:10:09] ppocr INFO: profiler_options : None [2023/07/31 13:10:09] ppocr INFO: train with paddle 2.5.1 and device Place(gpu:0) [2023/07/31 13:10:09] ppocr INFO: Initialize indexs of datasets:['/content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/LabelTrainGDrive.txt'] [2023/07/31 13:10:09] ppocr INFO: Initialize indexs of datasets:['/content/drive/MyDrive/MDi_LPR/imagens/OCR_Conteiner/LadoDireito/LabelEvalGDrive.txt'] W0731 13:10:11.413359 23963 gpu_resources.cc:119] Please NOTE: device: 0, GPU Compute Capability: 7.5, Driver API Version: 12.0, Runtime API Version: 12.0 W0731 13:10:11.414973 23963 gpu_resources.cc:149] device: 0, cuDNN Version: 8.9. [2023/07/31 13:10:11] ppocr INFO: train dataloader has 32 iters [2023/07/31 13:10:11] ppocr INFO: valid dataloader has 9 iters [2023/07/31 13:10:11] ppocr WARNING: The shape of model params head.ctc_head.fc.weight [64, 38] not matched with loaded params head.ctc_head.fc.weight [64, 97] ! [2023/07/31 13:10:11] ppocr WARNING: The shape of model params head.ctc_head.fc.bias [38] not matched with loaded params head.ctc_head.fc.bias [97] ! [2023/07/31 13:10:11] ppocr WARNING: The shape of model params head.sar_head.decoder.embedding.weight [40, 512] not matched with loaded params head.sar_head.decoder.embedding.weight [99, 512] ! [2023/07/31 13:10:11] ppocr WARNING: The shape of model params head.sar_head.decoder.prediction.weight [1536, 39] not matched with loaded params head.sar_head.decoder.prediction.weight [1536, 98] ! [2023/07/31 13:10:11] ppocr WARNING: The shape of model params head.sar_head.decoder.prediction.bias [39] not matched with loaded params head.sar_head.decoder.prediction.bias [98] ! [2023/07/31 13:10:11] ppocr INFO: load pretrain successful from pretrain_models/en_PP-OCRv3_rec_train/best_accuracy [2023/07/31 13:10:11] ppocr INFO: During the training process, after the 0th iteration, an evaluation is run every 100 iterations Exception in thread Thread-1 (_thread_loop): Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/lib/python3.10/threading.py", line 953, in run self._target(self._args, self._kwargs) File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/dataloader_iter.py", line 604, in _thread_loop batch = self._get_data() File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/dataloader_iter.py", line 752, in _get_data batch.reraise() File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/worker.py", line 178, in reraise raise self.exc_type(msg) RecursionError: DataLoader worker(3) caught RecursionError with message: Traceback (most recent call last): File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 137, in getitem outs = transform(data, self.ops) File "/content/PaddleOCR/ppocr/data/imaug/init.py", line 56, in transform data = op(data) File "/content/PaddleOCR/ppocr/data/imaug/rec_img_aug.py", line 53, in call data = self.bda(data) File "/content/PaddleOCR/ppocr/data/imaug/rec_img_aug.py", line 90, in call img = add_gasuss_noise(img) File "/content/PaddleOCR/ppocr/data/imaug/rec_img_aug.py", line 720, in add_gasuss_noise out = np.clip(out, 0, 255) File "<__array_function__ internals>", line 180, in clip File "/usr/local/lib/python3.10/dist-packages/numpy/core/fromnumeric.py", line 2152, in clip return _wrapfunc(a, 'clip', a_min, a_max, out=out, kwargs) File "/usr/local/lib/python3.10/dist-packages/numpy/core/fromnumeric.py", line 57, in _wrapfunc return bound(args, **kwds) File "/usr/local/lib/python3.10/dist-packages/numpy/core/_methods.py", line 134, in _clip if _clip_dep_is_scalar_nan(min): File "/usr/local/lib/python3.10/dist-packages/numpy/core/_methods.py", line 94, in _clip_dep_is_scalar_nan if ndim(a) != 0: File "<__array_function__ internals>", line 179, in ndim RecursionError: maximum recursion depth exceeded

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/worker.py", line 363, in _worker_loop batch = fetcher.fetch(indices) File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/fetcher.py", line 78, in fetch data.append(self.dataset[idx]) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) [Previous line repeated 964 more times] File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 141, in getitem data_line, traceback.format_exc())) File "/usr/lib/python3.10/traceback.py", line 183, in format_exc return "".join(format_exception(*sys.exc_info(), limit=limit, chain=chain)) File "/usr/lib/python3.10/traceback.py", line 135, in format_exception te = TracebackException(type(value), value, tb, limit=limit, compact=True) File "/usr/lib/python3.10/traceback.py", line 502, in init self.stack = StackSummary.extract( File "/usr/lib/python3.10/traceback.py", line 383, in extract f.line File "/usr/lib/python3.10/traceback.py", line 306, in line self._line = linecache.getline(self.filename, self.lineno) File "/usr/lib/python3.10/linecache.py", line 30, in getline lines = getlines(filename, module_globals) File "/usr/lib/python3.10/linecache.py", line 46, in getlines return updatecache(filename, module_globals) File "/usr/lib/python3.10/linecache.py", line 136, in updatecache with tokenize.open(fullname) as fp: RecursionError: maximum recursion depth exceeded while calling a Python object

Traceback (most recent call last): File "/content/PaddleOCR/tools/train.py", line 208, in main(config, device, logger, vdl_writer) File "/content/PaddleOCR/tools/train.py", line 180, in main program.train(config, train_dataloader, valid_dataloader, device, model, File "/content/PaddleOCR/tools/program.py", line 267, in train for idx, batch in enumerate(train_dataloader): File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/dataloader_iter.py", line 825, in next self._reader.read_nextlist()[0] SystemError: (Fatal) Blocking queue is killed because the data reader raises an exception. [Hint: Expected killed != true, but received killed_:1 == true:1.] (at ../paddle/fluid/operators/reader/blocking_queue.h:171)

LAUNCH INFO 2023-07-31 13:11:27,728 Pod failed [2023-07-31 13:11:27,728] [ INFO] controller.py:115 - Pod failed LAUNCH ERROR 2023-07-31 13:11:27,729 Container failed !!! Container rank 0 status failed cmd ['/usr/bin/python3', '-u', 'tools/train.py', '-c', 'configs/rec/PP-OCRv3/en_PP-OCRv3_rec.yml', '-o', 'Global.pretrained_model=pretrain_models/en_PP-OCRv3_rec_train/best_accuracy'] code 1 log log/workerlog.0 env {'SHELL': '/bin/bash', 'NV_LIBCUBLAS_VERSION': '11.11.3.6-1', 'NVIDIA_VISIBLE_DEVICES': 'all', 'COLAB_JUPYTER_TRANSPORT': 'ipc', 'NV_NVML_DEV_VERSION': '11.8.86-1', 'NV_CUDNN_PACKAGE_NAME': 'libcudnn8', 'CGROUP_MEMORY_EVENTS': '/sys/fs/cgroup/memory.events /var/colab/cgroup/jupyter-children/memory.events', 'NV_LIBNCCL_DEV_PACKAGE': 'libnccl-dev=2.15.5-1+cuda11.8', 'NV_LIBNCCL_DEV_PACKAGE_VERSION': '2.15.5-1', 'VM_GCE_METADATA_HOST': '169.254.169.253', 'HOSTNAME': 'ec4fe84294d2', 'TBE_RUNTIME_ADDR': '172.28.0.1:8011', 'GCE_METADATA_TIMEOUT': '3', 'NVIDIA_REQUIRE_CUDA': 'cuda>=11.8 brand=tesla,driver>=450,driver<451 brand=tesla,driver>=470,driver<471 brand=unknown,driver>=470,driver<471 brand=nvidia,driver>=470,driver<471 brand=nvidiartx,driver>=470,driver<471 brand=geforce,driver>=470,driver<471 brand=geforcertx,driver>=470,driver<471 brand=quadro,driver>=470,driver<471 brand=quadrortx,driver>=470,driver<471 brand=titan,driver>=470,driver<471 brand=titanrtx,driver>=470,driver<471 brand=tesla,driver>=510,driver<511 brand=unknown,driver>=510,driver<511 brand=nvidia,driver>=510,driver<511 brand=nvidiartx,driver>=510,driver<511 brand=geforce,driver>=510,driver<511 brand=geforcertx,driver>=510,driver<511 brand=quadro,driver>=510,driver<511 brand=quadrortx,driver>=510,driver<511 brand=titan,driver>=510,driver<511 brand=titanrtx,driver>=510,driver<511 brand=tesla,driver>=515,driver<516 brand=unknown,driver>=515,driver<516 brand=nvidia,driver>=515,driver<516 brand=nvidiartx,driver>=515,driver<516 brand=geforce,driver>=515,driver<516 brand=geforcertx,driver>=515,driver<516 brand=quadro,driver>=515,driver<516 brand=quadrortx,driver>=515,driver<516 brand=titan,driver>=515,driver<516 brand=titanrtx,driver>=515,driver<516', 'NV_LIBCUBLAS_DEV_PACKAGE': 'libcublas-dev-11-8=11.11.3.6-1', 'NV_NVTX_VERSION': '11.8.86-1', 'COLAB_JUPYTER_IP': '172.28.0.12', 'NV_CUDA_CUDART_DEV_VERSION': '11.8.89-1', 'NV_LIBCUSPARSE_VERSION': '11.7.5.86-1', 'COLAB_LANGUAGE_SERVER_PROXY_ROOT_URL': 'http://172.28.0.1:8013/', 'NV_LIBNPP_VERSION': '11.8.0.86-1', 'NCCL_VERSION': '2.15.5-1', 'KMP_LISTEN_PORT': '6000', 'TF_FORCE_GPU_ALLOW_GROWTH': 'true', 'ENV': '/root/.bashrc', 'PWD': '/content/PaddleOCR', 'TBE_EPHEM_CREDS_ADDR': '172.28.0.1:8009', 'COLAB_LANGUAGE_SERVER_PROXY_REQUEST_TIMEOUT': '30s', 'TBE_CREDS_ADDR': '172.28.0.1:8008', 'NV_CUDNN_PACKAGE': 'libcudnn8=8.9.0.131-1+cuda11.8', 'NVIDIA_DRIVER_CAPABILITIES': 'compute,utility', 'COLAB_JUPYTER_TOKEN': '', 'LAST_FORCED_REBUILD': '20230711', 'NV_NVPROF_DEV_PACKAGE': 'cuda-nvprof-11-8=11.8.87-1', 'NV_LIBNPP_PACKAGE': 'libnpp-11-8=11.8.0.86-1', 'NV_LIBNCCL_DEV_PACKAGE_NAME': 'libnccl-dev', 'TCLLIBPATH': '/usr/share/tcltk/tcllib1.20', 'NV_LIBCUBLAS_DEV_VERSION': '11.11.3.6-1', 'COLAB_KERNEL_MANAGER_PROXY_HOST': '172.28.0.12', 'NVIDIA_PRODUCT_NAME': 'CUDA', 'NV_LIBCUBLAS_DEV_PACKAGE_NAME': 'libcublas-dev-11-8', 'USE_AUTH_EPHEM': '1', 'NV_CUDA_CUDART_VERSION': '11.8.89-1', 'HOME': '/root', 'LANG': 'en_US.UTF-8', 'CUDA_VERSION': '11.8.0', 'CLOUDSDK_CONFIG': '/content/.config', 'NV_LIBCUBLAS_PACKAGE': 'libcublas-11-8=11.11.3.6-1', 'NV_CUDA_NSIGHT_COMPUTE_DEV_PACKAGE': 'cuda-nsight-compute-11-8=11.8.0-1', 'COLAB_RELEASE_TAG': 'release-colab-20230727-060146-RC00', 'PYDEVD_USE_FRAME_EVAL': 'NO', 'KMP_TARGET_PORT': '9000', 'CLICOLOR': '1', 'KMP_EXTRA_ARGS': '--logtostderr --listen_host=172.28.0.12 --target_host=172.28.0.12 --tunnel_background_save_url=https://colab.research.google.com/tun/m/cc48301118ce562b961b3c22d803539adc1e0c19/gpu-t4-s-1ckr5dwkwws7 --tunnel_background_save_delay=10s --tunnel_periodic_background_save_frequency=30m0s --enable_output_coalescing=true --output_coalescing_required=true', 'NV_LIBNPP_DEV_PACKAGE': 'libnpp-dev-11-8=11.8.0.86-1', 'NV_LIBCUBLAS_PACKAGE_NAME': 'libcublas-11-8', 'COLAB_KERNEL_MANAGER_PROXY_PORT': '6000', 'CLOUDSDK_PYTHON': 'python3', 'NV_LIBNPP_DEV_VERSION': '11.8.0.86-1', 'ENABLE_DIRECTORYPREFETCHER': '1', 'NO_GCE_CHECK': 'False', 'JPY_PARENT_PID': '100', 'PYTHONPATH': '/env/python', 'TERM': 'xterm-color', 'NV_LIBCUSPARSE_DEV_VERSION': '11.7.5.86-1', 'GIT_PAGER': 'cat', 'LIBRARY_PATH': '/usr/local/cuda/lib64/stubs', 'NV_CUDNN_VERSION': '8.9.0.131', 'SHLVL': '0', 'PAGER': 'cat', 'COLAB_LANGUAGE_SERVER_PROXY': '/usr/colab/bin/language_service', 'NV_CUDA_LIB_VERSION': '11.8.0-1', 'NVARCH': 'x86_64', 'QT_QPA_FONTDIR': '/usr/local/lib/python3.10/dist-packages/cv2/qt/fonts', 'NV_CUDNN_PACKAGE_DEV': 'libcudnn8-dev=8.9.0.131-1+cuda11.8', 'NV_CUDA_COMPAT_PACKAGE': 'cuda-compat-11-8', 'MPLBACKEND': 'module://ipykernel.pylab.backend_inline', 'NV_LIBNCCL_PACKAGE': 'libnccl2=2.15.5-1+cuda11.8', 'LD_LIBRARY_PATH': '/usr/local/lib/python3.10/dist-packages/cv2/../../lib64:/usr/local/lib/python3.10/dist-packages/cv2/../../lib64:/usr/lib64-nvidia', 'COLAB_GPU': '1', 'GCS_READ_CACHE_BLOCK_SIZE_MB': '16', 'NV_CUDA_NSIGHT_COMPUTE_VERSION': '11.8.0-1', 'NV_NVPROF_VERSION': '11.8.87-1', 'COLAB_FILE_HANDLER_ADDR': 'localhost:3453', 'PATH': '/opt/bin:/usr/local/nvidia/bin:/usr/local/cuda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/tools/node/bin:/tools/google-cloud-sdk/bin', 'QT_QPA_PLATFORM_PLUGIN_PATH': '/usr/local/lib/python3.10/dist-packages/cv2/qt/plugins', 'NV_LIBNCCL_PACKAGE_NAME': 'libnccl2', 'COLAB_DEBUG_ADAPTER_MUX_PATH': '/usr/local/bin/dap_multiplexer', 'NV_LIBNCCL_PACKAGE_VERSION': '2.15.5-1', 'PYTHONWARNINGS': 'ignore:::pip._internal.cli.base_command', 'DEBIAN_FRONTEND': 'noninteractive', 'COLAB_BACKENDVERSION': 'next', 'OLDPWD': '/', '': '/usr/bin/python3', 'CUSTOM_DEVICE_ROOT': '', 'OMP_NUM_THREADS': '1', 'POD_NAME': 'zseodf', 'PADDLE_MASTER': '172.28.0.12:48939', 'PADDLE_GLOBAL_SIZE': '1', 'PADDLE_LOCAL_SIZE': '1', 'PADDLE_GLOBAL_RANK': '0', 'PADDLE_LOCAL_RANK': '0', 'PADDLE_NNODES': '1', 'PADDLE_TRAINER_ENDPOINTS': '172.28.0.12:48940', 'PADDLE_CURRENT_ENDPOINT': '172.28.0.12:48940', 'PADDLE_TRAINER_ID': '0', 'PADDLE_TRAINERS_NUM': '1', 'PADDLE_RANK_IN_NODE': '0', 'FLAGS_selected_gpus': '0'} [2023-07-31 13:11:27,729] [ ERROR] controller.py:116 - Container failed !!! Container rank 0 status failed cmd ['/usr/bin/python3', '-u', 'tools/train.py', '-c', 'configs/rec/PP-OCRv3/en_PP-OCRv3_rec.yml', '-o', 'Global.pretrained_model=pretrain_models/en_PP-OCRv3_rec_train/best_accuracy'] code 1 log log/workerlog.0 env {'SHELL': '/bin/bash', 'NV_LIBCUBLAS_VERSION': '11.11.3.6-1', 'NVIDIA_VISIBLE_DEVICES': 'all', 'COLAB_JUPYTER_TRANSPORT': 'ipc', 'NV_NVML_DEV_VERSION': '11.8.86-1', 'NV_CUDNN_PACKAGE_NAME': 'libcudnn8', 'CGROUP_MEMORY_EVENTS': '/sys/fs/cgroup/memory.events /var/colab/cgroup/jupyter-children/memory.events', 'NV_LIBNCCL_DEV_PACKAGE': 'libnccl-dev=2.15.5-1+cuda11.8', 'NV_LIBNCCL_DEV_PACKAGE_VERSION': '2.15.5-1', 'VM_GCE_METADATA_HOST': '169.254.169.253', 'HOSTNAME': 'ec4fe84294d2', 'TBE_RUNTIME_ADDR': '172.28.0.1:8011', 'GCE_METADATA_TIMEOUT': '3', 'NVIDIA_REQUIRE_CUDA': 'cuda>=11.8 brand=tesla,driver>=450,driver<451 brand=tesla,driver>=470,driver<471 brand=unknown,driver>=470,driver<471 brand=nvidia,driver>=470,driver<471 brand=nvidiartx,driver>=470,driver<471 brand=geforce,driver>=470,driver<471 brand=geforcertx,driver>=470,driver<471 brand=quadro,driver>=470,driver<471 brand=quadrortx,driver>=470,driver<471 brand=titan,driver>=470,driver<471 brand=titanrtx,driver>=470,driver<471 brand=tesla,driver>=510,driver<511 brand=unknown,driver>=510,driver<511 brand=nvidia,driver>=510,driver<511 brand=nvidiartx,driver>=510,driver<511 brand=geforce,driver>=510,driver<511 brand=geforcertx,driver>=510,driver<511 brand=quadro,driver>=510,driver<511 brand=quadrortx,driver>=510,driver<511 brand=titan,driver>=510,driver<511 brand=titanrtx,driver>=510,driver<511 brand=tesla,driver>=515,driver<516 brand=unknown,driver>=515,driver<516 brand=nvidia,driver>=515,driver<516 brand=nvidiartx,driver>=515,driver<516 brand=geforce,driver>=515,driver<516 brand=geforcertx,driver>=515,driver<516 brand=quadro,driver>=515,driver<516 brand=quadrortx,driver>=515,driver<516 brand=titan,driver>=515,driver<516 brand=titanrtx,driver>=515,driver<516', 'NV_LIBCUBLAS_DEV_PACKAGE': 'libcublas-dev-11-8=11.11.3.6-1', 'NV_NVTX_VERSION': '11.8.86-1', 'COLAB_JUPYTER_IP': '172.28.0.12', 'NV_CUDA_CUDART_DEV_VERSION': '11.8.89-1', 'NV_LIBCUSPARSE_VERSION': '11.7.5.86-1', 'COLAB_LANGUAGE_SERVER_PROXY_ROOT_URL': 'http://172.28.0.1:8013/', 'NV_LIBNPP_VERSION': '11.8.0.86-1', 'NCCL_VERSION': '2.15.5-1', 'KMP_LISTEN_PORT': '6000', 'TF_FORCE_GPU_ALLOW_GROWTH': 'true', 'ENV': '/root/.bashrc', 'PWD': '/content/PaddleOCR', 'TBE_EPHEM_CREDS_ADDR': '172.28.0.1:8009', 'COLAB_LANGUAGE_SERVER_PROXY_REQUEST_TIMEOUT': '30s', 'TBE_CREDS_ADDR': '172.28.0.1:8008', 'NV_CUDNN_PACKAGE': 'libcudnn8=8.9.0.131-1+cuda11.8', 'NVIDIA_DRIVER_CAPABILITIES': 'compute,utility', 'COLAB_JUPYTER_TOKEN': '', 'LAST_FORCED_REBUILD': '20230711', 'NV_NVPROF_DEV_PACKAGE': 'cuda-nvprof-11-8=11.8.87-1', 'NV_LIBNPP_PACKAGE': 'libnpp-11-8=11.8.0.86-1', 'NV_LIBNCCL_DEV_PACKAGE_NAME': 'libnccl-dev', 'TCLLIBPATH': '/usr/share/tcltk/tcllib1.20', 'NV_LIBCUBLAS_DEV_VERSION': '11.11.3.6-1', 'COLAB_KERNEL_MANAGER_PROXY_HOST': '172.28.0.12', 'NVIDIA_PRODUCT_NAME': 'CUDA', 'NV_LIBCUBLAS_DEV_PACKAGE_NAME': 'libcublas-dev-11-8', 'USE_AUTH_EPHEM': '1', 'NV_CUDA_CUDART_VERSION': '11.8.89-1', 'HOME': '/root', 'LANG': 'en_US.UTF-8', 'CUDA_VERSION': '11.8.0', 'CLOUDSDK_CONFIG': '/content/.config', 'NV_LIBCUBLAS_PACKAGE': 'libcublas-11-8=11.11.3.6-1', 'NV_CUDA_NSIGHT_COMPUTE_DEV_PACKAGE': 'cuda-nsight-compute-11-8=11.8.0-1', 'COLAB_RELEASE_TAG': 'release-colab-20230727-060146-RC00', 'PYDEVD_USE_FRAME_EVAL': 'NO', 'KMP_TARGET_PORT': '9000', 'CLICOLOR': '1', 'KMP_EXTRA_ARGS': '--logtostderr --listen_host=172.28.0.12 --target_host=172.28.0.12 --tunnel_background_save_url=https://colab.research.google.com/tun/m/cc48301118ce562b961b3c22d803539adc1e0c19/gpu-t4-s-1ckr5dwkwws7 --tunnel_background_save_delay=10s --tunnel_periodic_background_save_frequency=30m0s --enable_output_coalescing=true --output_coalescing_required=true', 'NV_LIBNPP_DEV_PACKAGE': 'libnpp-dev-11-8=11.8.0.86-1', 'NV_LIBCUBLAS_PACKAGE_NAME': 'libcublas-11-8', 'COLAB_KERNEL_MANAGER_PROXY_PORT': '6000', 'CLOUDSDK_PYTHON': 'python3', 'NV_LIBNPP_DEV_VERSION': '11.8.0.86-1', 'ENABLE_DIRECTORYPREFETCHER': '1', 'NO_GCE_CHECK': 'False', 'JPY_PARENT_PID': '100', 'PYTHONPATH': '/env/python', 'TERM': 'xterm-color', 'NV_LIBCUSPARSE_DEV_VERSION': '11.7.5.86-1', 'GIT_PAGER': 'cat', 'LIBRARY_PATH': '/usr/local/cuda/lib64/stubs', 'NV_CUDNN_VERSION': '8.9.0.131', 'SHLVL': '0', 'PAGER': 'cat', 'COLAB_LANGUAGE_SERVER_PROXY': '/usr/colab/bin/language_service', 'NV_CUDA_LIB_VERSION': '11.8.0-1', 'NVARCH': 'x86_64', 'QT_QPA_FONTDIR': '/usr/local/lib/python3.10/dist-packages/cv2/qt/fonts', 'NV_CUDNN_PACKAGE_DEV': 'libcudnn8-dev=8.9.0.131-1+cuda11.8', 'NV_CUDA_COMPAT_PACKAGE': 'cuda-compat-11-8', 'MPLBACKEND': 'module://ipykernel.pylab.backend_inline', 'NV_LIBNCCL_PACKAGE': 'libnccl2=2.15.5-1+cuda11.8', 'LD_LIBRARY_PATH': '/usr/local/lib/python3.10/dist-packages/cv2/../../lib64:/usr/local/lib/python3.10/dist-packages/cv2/../../lib64:/usr/lib64-nvidia', 'COLAB_GPU': '1', 'GCS_READ_CACHE_BLOCK_SIZE_MB': '16', 'NV_CUDA_NSIGHT_COMPUTE_VERSION': '11.8.0-1', 'NV_NVPROF_VERSION': '11.8.87-1', 'COLAB_FILE_HANDLER_ADDR': 'localhost:3453', 'PATH': '/opt/bin:/usr/local/nvidia/bin:/usr/local/cuda/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/tools/node/bin:/tools/google-cloud-sdk/bin', 'QT_QPA_PLATFORM_PLUGIN_PATH': '/usr/local/lib/python3.10/dist-packages/cv2/qt/plugins', 'NV_LIBNCCL_PACKAGE_NAME': 'libnccl2', 'COLAB_DEBUG_ADAPTER_MUX_PATH': '/usr/local/bin/dap_multiplexer', 'NV_LIBNCCL_PACKAGE_VERSION': '2.15.5-1', 'PYTHONWARNINGS': 'ignore:::pip._internal.cli.base_command', 'DEBIAN_FRONTEND': 'noninteractive', 'COLAB_BACKENDVERSION': 'next', 'OLDPWD': '/', '': '/usr/bin/python3', 'CUSTOM_DEVICE_ROOT': '', 'OMP_NUM_THREADS': '1', 'POD_NAME': 'zseodf', 'PADDLE_MASTER': '172.28.0.12:48939', 'PADDLE_GLOBAL_SIZE': '1', 'PADDLE_LOCAL_SIZE': '1', 'PADDLE_GLOBAL_RANK': '0', 'PADDLE_LOCAL_RANK': '0', 'PADDLE_NNODES': '1', 'PADDLE_TRAINER_ENDPOINTS': '172.28.0.12:48940', 'PADDLE_CURRENT_ENDPOINT': '172.28.0.12:48940', 'PADDLE_TRAINER_ID': '0', 'PADDLE_TRAINERS_NUM': '1', 'PADDLE_RANK_IN_NODE': '0', 'FLAGS_selected_gpus': '0'} LAUNCH INFO 2023-07-31 13:11:27,738 ------------------------- ERROR LOG DETAIL ------------------------- [2023-07-31 13:11:27,738] [ INFO] controller.py:117 - ------------------------- ERROR LOG DETAIL ------------------------- /_methods.py", line 134, in _clip if _clip_dep_is_scalar_nan(min): File "/usr/local/lib/python3.10/dist-packages/numpy/core/_methods.py", line 94, in _clip_dep_is_scalar_nan if ndim(a) != 0: File "<__array_function__ internals>", line 179, in ndim RecursionError: maximum recursion depth exceeded

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/worker.py", line 363, in _worker_loop batch = fetcher.fetch(indices) File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/fetcher.py", line 78, in fetch data.append(self.dataset[idx]) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 147, in getitem return self.getitem(rnd_idx) [Previous line repeated 964 more times] File "/content/PaddleOCR/ppocr/data/simple_dataset.py", line 141, in getitem data_line, traceback.format_exc())) File "/usr/lib/python3.10/traceback.py", line 183, in format_exc return "".join(format_exception(*sys.exc_info(), limit=limit, chain=chain)) File "/usr/lib/python3.10/traceback.py", line 135, in format_exception te = TracebackException(type(value), value, tb, limit=limit, compact=True) File "/usr/lib/python3.10/traceback.py", line 502, in init self.stack = StackSummary.extract( File "/usr/lib/python3.10/traceback.py", line 383, in extract f.line File "/usr/lib/python3.10/traceback.py", line 306, in line self._line = linecache.getline(self.filename, self.lineno) File "/usr/lib/python3.10/linecache.py", line 30, in getline lines = getlines(filename, module_globals) File "/usr/lib/python3.10/linecache.py", line 46, in getlines return updatecache(filename, module_globals) File "/usr/lib/python3.10/linecache.py", line 136, in updatecache with tokenize.open(fullname) as fp: RecursionError: maximum recursion depth exceeded while calling a Python object

Traceback (most recent call last): File "/content/PaddleOCR/tools/train.py", line 208, in main(config, device, logger, vdl_writer) File "/content/PaddleOCR/tools/train.py", line 180, in main program.train(config, train_dataloader, valid_dataloader, device, model, File "/content/PaddleOCR/tools/program.py", line 267, in train for idx, batch in enumerate(train_dataloader): File "/usr/local/lib/python3.10/dist-packages/paddle/io/dataloader/dataloader_iter.py", line 825, in next self._reader.read_nextlist()[0] SystemError: (Fatal) Blocking queue is killed because the data reader raises an exception. [Hint: Expected killed != true, but received killed_:1 == true:1.] (at ../paddle/fluid/operators/reader/blocking_queue.h:171)

LAUNCH INFO 2023-07-31 13:11:27,739 Exit code 1 [2023-07-31 13:11:27,739] [ INFO] controller.py:149 - Exit code 1


Edited to supplement with more data:: Hello all,

I tested the same steps in another environment (Windows, Python 3.10, Paddle 2.5.1 CPU only) and got the same error training recognition: RecursionError: maximum recursion depth exceeded while calling a Python object

I believe I did something wrong.

Can someone who has been through this or who has time to analyze the configuration data kindly help me out?

Below are the first lines of my Label file, generated by PPOCRLabel:

/content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/2.jpg [{"transcription": "MRKU", "points": [[1, 6], [90, 0], [93, 36], [5, 43]], "difficult": false}, {"transcription": "0843945", "points": [[8, 46], [181, 40], [183, 78], [10, 85]], "difficult": false}] /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/2_iso.jpg [{"transcription": "MRKU", "points": [[1, 6], [90, 0], [93, 36], [5, 43]], "difficult": false}, {"transcription": "0843945", "points": [[8, 46], [181, 40], [183, 78], [10, 85]], "difficult": false}] /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/3.jpg [{"transcription": "MRKU", "points": [[3, 5], [90, 2], [91, 39], [4, 41]], "difficult": false}, {"transcription": "0896138", "points": [[5, 45], [175, 42], [175, 79], [6, 83]], "difficult": false}] /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/3_iso.jpg [{"transcription": "MRKU", "points": [[3, 5], [90, 2], [91, 39], [4, 41]], "difficult": false}, {"transcription": "0896138", "points": [[5, 45], [175, 42], [175, 79], [6, 83]], "difficult": false}] /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/4.jpg [{"transcription": "OOCU", "points": [[7, 9], [88, 9], [88, 43], [7, 43]], "difficult": false}, {"transcription": "823728 4", "points": [[104, 7], [267, 7], [267, 42], [104, 42]], "difficult": false}] /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/isocontainercrop/4_iso.jpg [{"transcription": "OOCU", "points": [[7, 9], [88, 9], [88, 43], [7, 43]], "difficult": false}, {"transcription": "823728 4", "points": [[104, 7], [264, 7], [264, 43], [104, 43]], "difficult": false}]

Follow the en_PP-OCR3v3_rec.yml: Global: debug: false use_gpu: false epoch_num: 500 log_smooth_window: 20 print_batch_step: 10 save_model_dir: ./output/v3_en_rec_container save_epoch_step: 3 eval_batch_step: [0, 2000] cal_metric_during_train: true pretrained_model: /content/paddleocr/pretrain_models/en_PP-OCRv3_rec_train/best_accuracy checkpoints: save_inference_dir: use_visualdl: false infer_img: doc/imgs_words/ch/word_1.jpg character_dict_path: ppocr/utils/en_dict.txt max_text_length: &max_text_length 25 infer_mode: false use_space_char: true distributed: true save_res_path: ./output/rec/predicts_ppocrv3_en_container.txt

Optimizer: name: Adam beta1: 0.9 beta2: 0.999 lr: name: Cosine learning_rate: 0.001 warmup_epoch: 5 regularizer: name: L2 factor: 3.0e-05

Architecture: model_type: rec algorithm: SVTR Transform: Backbone: name: MobileNetV1Enhance scale: 0.5 last_conv_stride: [1, 2] last_pool_type: avg Head: name: MultiHead head_list:

Loss: name: MultiLoss loss_config_list:

PostProcess:
name: CTCLabelDecode

Metric: name: RecMetric main_indicator: acc ignore_space: False

Train: dataset: name: ContainerCrop data_dir: /content/drive/MyDrive/imagens/OCR_Conteiner/LadoDireito/ ext_op_transform_idx: 1 label_file_list:

hl-gl commented 1 year ago

有没有可能是图片大小的高度只能是48?

wsbizera commented 1 year ago

有没有可能是图片大小的高度只能是48?

Hi @liuhuan-gl. Yes, a few images have a height smaller than 48 pixels. Could this be the factor causing the problem?

ericosmic commented 1 year ago

有没有可能是图片大小的高度只能是48?

Hi @liuhuan-gl. Yes, a few images have a height smaller than 48 pixels. Could this be the factor causing the problem?

Hi, have you solve this problem? I also met same error during training v3 model.