question-mark
Stuck on an issue?

Lightrun Answers was designed to reduce the constant googling that comes with debugging 3rd party libraries. It collects links to all the places you might be looking at while hunting down a tough bug.

And, if you’re still stuck at the end, we’re happy to hop on a call to see how we can help out.

ValueError: 'layoutlmv3' is already used by a Transformers config, pick another name.

See original GitHub issue

I’m trying to finetune the layoutlmv3 model following the instruction https://github.com/microsoft/unilm/tree/master/layoutlmv3. pop the following error message:

ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name.

below is the error stack: python -m torch.distributed.launch
[2]+ Killed python -m torch.distributed.launch --nproc_per_node=8 --master_port 4398 examples/run_xfund.py --data_dir data --language zh --do_train --do_eval --model_name_or_path microsoft/layoutlmv3-base-chinese --output_dir path/to/output --segment_level_layout 1 --visual_embed 1 --input_size 224 --max_steps 1000 --save_steps -1 --evaluation_strategy steps --eval_steps 20 --learning_rate 7e-5 --per_device_train_batch_size 2 --gradient_accumulation_steps 1 --dataloader_num_workers 2 (wd: /data/SourceCodes/unilm/layoutlmft) (wd now: /data/SourceCodes/unilm/layoutlmv3)

--nproc_per_node=8 --master_port 4398 examples/run_xfund.py \
--data_dir data --language zh \
--do_train --do_eval \
--model_name_or_path microsoft/layoutlmv3-base-chinese \
--output_dir path/to/output \
--segment_level_layout 1 --visual_embed 1 --input_size 224 \
--max_steps 1000 --save_steps -1 --evaluation_strategy steps --eval_steps 20 \
--learning_rate 7e-5 --per_device_train_batch_size 2 --gradient_accumulation_steps 1 \
--dataloader_num_workers 2

/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launch.py:186: FutureWarning: The module torch.distributed.launch is deprecated and will be removed in future. Use torchrun. Note that --use_env is set by default in torchrun. If your script expects --local_rank argument to be set, please change it to read from os.environ['LOCAL_RANK'] instead. See https://pytorch.org/docs/stable/distributed.html#launch-utility for further instructions

FutureWarning, WARNING:torch.distributed.run:


Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed.


Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f"‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.") ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtractionTraceback (most recent call last):

File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f"‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.“) ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. Traceback (most recent call last): File “examples/run_xfund.py”, line 14, in <module> from layoutlmft.data import DataCollatorForKeyValueExtraction File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/init.py”, line 1, in <module> from .models import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/init.py”, line 1, in <module> from .layoutlmv3 import ( File “/data/SourceCodes/unilm/layoutlmv3/layoutlmft/models/layoutlmv3/init.py”, line 16, in <module> AutoConfig.register(“layoutlmv3”, LayoutLMv3Config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 755, in register CONFIG_MAPPING.register(model_type, config) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/transformers/models/auto/configuration_auto.py”, line 465, in register raise ValueError(f”‘{key}’ is already used by a Transformers config, pick another name.") ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. ERROR:torch.distributed.elastic.multiprocessing.api:failed (exitcode: 1) local_rank: 0 (pid: 4018) of binary: /home/ubuntu/anaconda3/envs/layoutlmv3/bin/python Traceback (most recent call last): File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/runpy.py”, line 193, in _run_module_as_main “main”, mod_spec) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/runpy.py”, line 85, in _run_code exec(code, run_globals) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launch.py”, line 193, in <module> main() File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launch.py”, line 189, in main launch(args) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launch.py”, line 174, in launch run(args) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/run.py”, line 713, in run )(*cmd_args) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launcher/api.py”, line 131, in call return launch_agent(self._config, self._entrypoint, list(args)) File “/home/ubuntu/anaconda3/envs/layoutlmv3/lib/python3.7/site-packages/torch/distributed/launcher/api.py”, line 261, in launch_agent failures=result.failures, torch.distributed.elastic.multiprocessing.errors.ChildFailedError:

examples/run_xfund.py FAILED

Failures: [1]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 1 (local_rank: 1) exitcode : 1 (pid: 4019) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [2]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 2 (local_rank: 2) exitcode : 1 (pid: 4020) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [3]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 3 (local_rank: 3) exitcode : 1 (pid: 4021) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [4]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 4 (local_rank: 4) exitcode : 1 (pid: 4022) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [5]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 5 (local_rank: 5) exitcode : 1 (pid: 4023) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [6]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 6 (local_rank: 6) exitcode : 1 (pid: 4026) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html [7]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 7 (local_rank: 7) exitcode : 1 (pid: 4027) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html

Root Cause (first observed failure): [0]: time : 2022-09-14_12:18:27 host : ip-172-29-152-106.cn-northwest-1.compute.internal rank : 0 (local_rank: 0) exitcode : 1 (pid: 4018) error_file: <N/A> traceback : To enable traceback see: https://pytorch.org/docs/stable/elastic/errors.html

Issue Analytics

  • State:closed
  • Created a year ago
  • Comments:5 (1 by maintainers)

github_iconTop GitHub Comments

2reactions
bernerprzemekcommented, Oct 14, 2022

Just dig deeper 😃 ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. means that you already have model/module with the same name registered, probably because in newest version of Transformers layoutlmv3 is already implemented: https://huggingface.co/docs/transformers/model_doc/layoutlmv3 if you want to use version from this repository you have to just rename all LayoutLMv3Tokenizer, LayoutLMv3Model etc. and everything will work.

1reaction
lxsarkercommented, Oct 21, 2022

Just dig deeper 😃 ValueError: ‘layoutlmv3’ is already used by a Transformers config, pick another name. means that you already have model/module with the same name registered, probably because in newest version of Transformers layoutlmv3 is already implemented: https://huggingface.co/docs/transformers/model_doc/layoutlmv3 if you want to use version from this repository you have to just rename all LayoutLMv3Tokenizer, LayoutLMv3Model etc. and everything will work.

transformer’s previous version without LayoutLMV3 is working fine.

Read more comments on GitHub >

github_iconTop Results From Across the Web

transformers.models.auto.configuration_auto - Hugging Face
_mapping.keys(): raise ValueError(f"'{key}' is already used by a Transformers config, pick another name.") self._extra_content[key] = value CONFIG_MAPPING ...
Read more >
Transformers model from Hugging-Face throws error that ...
Hi after running this code below, I get the following error. ValueError: Could not load model facebook/ ...
Read more >
Document Classification with Transformers and PyTorch
Learn how to prepare financial documents for classification using the HuggingFace Transformers library and LayoutLMv3.
Read more >
Pretrain Transformers Models in PyTorch Using Hugging Face ...
This notebook is designed to use an already pretrained transformers model and fine-tune it on your custom dataset, and also train a ...
Read more >
Bert文本分类代码 - 知乎专栏
getLogger(__name__) @dataclass class DataTrainingArguments: """ Arguments ... raise ValueError("Unknown task, you should pick one in " + " ...
Read more >

github_iconTop Related Medium Post

No results found

github_iconTop Related StackOverflow Question

No results found

github_iconTroubleshoot Live Code

Lightrun enables developers to add logs, metrics and snapshots to live code - no restarts or redeploys required.
Start Free

github_iconTop Related Reddit Thread

No results found

github_iconTop Related Hackernoon Post

No results found

github_iconTop Related Tweet

No results found

github_iconTop Related Dev.to Post

No results found

github_iconTop Related Hashnode Post

No results found