modelId
stringlengths
4
112
sha
stringlengths
40
40
lastModified
stringlengths
24
24
tags
list
pipeline_tag
stringclasses
29 values
private
bool
1 class
author
stringlengths
2
38
config
null
id
stringlengths
4
112
downloads
float64
0
36.8M
likes
float64
0
712
library_name
stringclasses
17 values
__index_level_0__
int64
0
38.5k
readme
stringlengths
0
186k
FarisHijazi/wav2vec2-large-xls-r-300m-turkish-colab
d4ae3dd50da55b0a0a5c521ae4d23f5d436aca9f
2021-12-18T15:19:16.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
FarisHijazi
null
FarisHijazi/wav2vec2-large-xls-r-300m-turkish-colab
6
null
transformers
14,800
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice model-index: - name: wav2vec2-large-xls-r-300m-turkish-colab results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # wav2vec2-large-xls-r-300m-turkish-colab This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0003 - train_batch_size: 256 - eval_batch_size: 32 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 512 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.0+cu113 - Datasets 1.13.3 - Tokenizers 0.10.3
Fiona99/distilbert-base-uncased-finetuned-cola
0a3b6b03384d98e8b2b05d5a69a382c89bcd61fc
2021-12-10T08:05:41.000Z
[ "pytorch", "tensorboard", "distilbert", "text-classification", "transformers" ]
text-classification
false
Fiona99
null
Fiona99/distilbert-base-uncased-finetuned-cola
6
null
transformers
14,801
Entry not found
ForutanRad/bert-fa-QA-v1
2f4043b809c6745b6c83cdb81c8e831b0e5df137
2021-07-26T03:51:47.000Z
[ "pytorch", "tensorboard", "bert", "question-answering", "arxiv:2005.12515", "transformers", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible" ]
question-answering
false
ForutanRad
null
ForutanRad/bert-fa-QA-v1
6
1
transformers
14,802
--- license: apache-2.0 tags: - generated_from_trainer model_index: - name: bert-fa-QA-v1 results: - task: name: Question Answering type: question-answering --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-fa-QA-v1 Persian Question and answer Model Based on Bert Model This model is a fine-tuned version of [ParsBERT](https://arxiv.org/abs/2005.12515) on PersianQA dataset. It achieves the following results on the evaluation set: - Loss: 1.7297 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.2563 | 1.0 | 1126 | 1.7222 | | 1.3372 | 2.0 | 2252 | 1.7297 | ### Framework versions - Transformers 4.9.0 - Pytorch 1.9.0+cu102 - Tokenizers 0.10.3
Francesco/resnet18
f51444bfc40f7ed1631c2c2b87ae52f06065f063
2022-03-01T15:01:24.000Z
[ "pytorch", "resnet", "image-classification", "transformers" ]
image-classification
false
Francesco
null
Francesco/resnet18
6
null
transformers
14,803
Entry not found
Geotrend/bert-base-ar-cased
8dfc05f2e7e5fcee896d7bcbc08693ae10904b3f
2021-05-18T18:47:56.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "ar", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-ar-cased
6
null
transformers
14,804
--- language: ar datasets: wikipedia license: apache-2.0 widget: - text: "تقع سويسرا في [MASK] أوروبا" - text: "إسمي محمد وأسكن في [MASK]." --- # bert-base-ar-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-ar-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-ar-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-da-cased
3f6a31ed6c1b296185918f0aba9623f199d8ef0a
2021-05-18T19:04:34.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-da-cased
6
null
transformers
14,805
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # bert-base-en-da-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-da-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-da-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-el-cased
a7255aa6f90807dc28ea41bd3c13bdae34757f4c
2021-05-18T19:06:56.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-el-cased
6
null
transformers
14,806
--- language: multilingual datasets: wikipedia license: apache-2.0 widget: - text: "Google generated 46 billion [MASK] in revenue." - text: "Paris is the capital of [MASK]." - text: "Algiers is the largest city in [MASK]." --- # bert-base-en-el-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-el-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-el-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-fr-de-no-da-cased
8088ec836cd2860e321a3d863f76eb2c2ca45a03
2021-05-18T19:19:41.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-fr-de-no-da-cased
6
null
transformers
14,807
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # bert-base-en-fr-de-no-da-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-fr-de-no-da-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-fr-de-no-da-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-fr-uk-el-ro-cased
3c6fbca7be022c77c67bb945f5bd63d4572d215c
2021-05-18T19:27:52.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-fr-uk-el-ro-cased
6
null
transformers
14,808
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # bert-base-en-fr-uk-el-ro-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-fr-uk-el-ro-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-fr-uk-el-ro-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-ru-cased
a498eaff43af3515f38f7c898b746e5795eabc36
2021-05-18T19:45:10.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-ru-cased
6
null
transformers
14,809
--- language: multilingual datasets: wikipedia license: apache-2.0 widget: - text: "Google generated 46 billion [MASK] in revenue." - text: "Paris is the capital of [MASK]." - text: "Algiers is the largest city in [MASK]." --- # bert-base-en-ru-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-ru-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-ru-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-sw-cased
17efca44a378f22675bf8d4b4ec582bccb1e2830
2021-05-18T19:46:12.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-sw-cased
6
null
transformers
14,810
--- language: multilingual datasets: wikipedia license: apache-2.0 widget: - text: "Google generated 46 billion [MASK] in revenue." - text: "Paris is the capital of [MASK]." - text: "Algiers is the largest city in [MASK]." --- # bert-base-en-sw-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-sw-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-sw-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/bert-base-en-zh-hi-cased
b33ffb5baaae04fa1c50dd4f45f2a667e77eb64e
2021-05-18T19:53:51.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/bert-base-en-zh-hi-cased
6
null
transformers
14,811
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # bert-base-en-zh-hi-cased We are sharing smaller versions of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) that handle a custom number of languages. Unlike [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased), our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/bert-base-en-zh-hi-cased") model = AutoModel.from_pretrained("Geotrend/bert-base-en-zh-hi-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
Geotrend/distilbert-base-nl-cased
34d3eeca767e73e1351da4fb038cfaf3e926a05e
2021-07-27T11:23:25.000Z
[ "pytorch", "distilbert", "fill-mask", "nl", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-nl-cased
6
1
transformers
14,812
--- language: nl datasets: wikipedia license: apache-2.0 --- # distilbert-base-nl-cased We are sharing smaller versions of [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased) that handle a custom number of languages. Our versions give exactly the same representations produced by the original model which preserves the original accuracy. For more information please visit our paper: [Load What You Need: Smaller Versions of Multilingual BERT](https://www.aclweb.org/anthology/2020.sustainlp-1.16.pdf). ## How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("Geotrend/distilbert-base-nl-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-base-nl-cased") ``` To generate other smaller versions of multilingual transformers please visit [our Github repo](https://github.com/Geotrend-research/smaller-transformers). ### How to cite ```bibtex @inproceedings{smallermdistilbert, title={Load What You Need: Smaller Versions of Mutlilingual BERT}, author={Abdaoui, Amine and Pradel, Camille and Sigel, Grégoire}, booktitle={SustaiNLP / EMNLP}, year={2020} } ``` ## Contact Please contact [email protected] for any question, feedback or request.
GermanT5/t5-efficient-gc4-german-small-el32
3b5772816f8281629aab9f002bc86c10077ee001
2022-02-21T14:35:25.000Z
[ "pytorch", "tensorboard", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
GermanT5
null
GermanT5/t5-efficient-gc4-german-small-el32
6
3
transformers
14,813
Entry not found
Gilles/FongBERT
f308c50deeda0d3a4ab848f14608b973734edefb
2021-08-11T05:06:51.000Z
[ "pytorch", "roberta", "feature-extraction", "transformers" ]
feature-extraction
false
Gilles
null
Gilles/FongBERT
6
null
transformers
14,814
# FongBERT FongBERT is a BERT model trained on 68.363 sentences in [Fon](https://en.wikipedia.org/wiki/Fon_language). The data are compiled from [JW300](https://opus.nlpl.eu/JW300.php) and other additional data I scraped from the [JW](https://www.jw.org/en/) website. It is the first pretrained model to leverage transfer learning for downtream tasks for Fon. Below are some examples of missing word prediction. from transformers import AutoTokenizer, AutoModelForMaskedLM from transformers import pipeline tokenizer = AutoTokenizer.from_pretrained("Gilles/FongBERT") model = AutoModelForMaskedLM.from_pretrained("Gilles/FongBERT") fill = pipeline('fill-mask', model=model, tokenizer=tokenizer) #### Example 1 **Sentence 1**: un tuùn ɖɔ un jló na wazɔ̌ nú we . **Translation**: I know I have to work for you. **Masked Sentence**: un tuùn ɖɔ un jló na wazɔ̌ <"mask"> we . **Translation**: I know I have to work <"mask"> you. fill(f'un tuùn ɖɔ un jló na wazɔ̌ {fill.tokenizer.mask_token} we') [{'score': 0.994536280632019, 'sequence': 'un tuùn ɖɔ un jló na wazɔ̌ nú we', 'token': 312, 'token_str': ' nú'}, {'score': 0.0015309195732697845, 'sequence': 'un tuùn ɖɔ un jló na wazɔ̌nu we', ...........] #### Example 2 **Sentence 2**: un yi wan nu we ɖesu . **Translation**: I love you so much. **Masked Sentence**: un yi <"mask"> nu we ɖesu . **Translation**: I <"mask"> you so much. [{'score': 0.31483960151672363, 'sequence': 'un yi wan nu we ɖesu', 'token': 639, 'token_str': ' wan'}, {'score': 0.20940221846103668, 'sequence': 'un yi ba nu we ɖesu', ...........] #### Example 3 **Sentence 3**: un yì cí sunnu xɔ́ntɔn ce Tony gɔ́n nú táan ɖé . **Translation**: I went to my boyfriend for a while. **Masked Sentence**: un yì cí sunnu xɔ́ntɔn ce Tony gɔ́n nú <"mask"> ɖé . **Translation**: I went to my boyfriend for a <"mask">. [{'score': 0.934298574924469, 'sequence': 'un yì cí sunnu xɔ́ntɔn ce Tony gɔ́n nú táan ɖé', 'token': 1102, 'token_str': ' táan'}, {'score': 0.03750855475664139, 'sequence': 'un yì cí sunnu xɔ́ntɔn ce Tony gɔ́n nú ganxixo ɖé', ...........]
Harveenchadha/vakyansh-wav2vec2-punjabi-pam-10
141b585cbb1d668ac3e21e12392c8f277470298a
2021-12-17T20:14:16.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "pa", "arxiv:2107.07402", "transformers", "audio", "speech", "license:mit", "model-index" ]
automatic-speech-recognition
false
Harveenchadha
null
Harveenchadha/vakyansh-wav2vec2-punjabi-pam-10
6
null
transformers
14,815
--- language: pa #datasets: #- Interspeech 2021 metrics: - wer tags: - audio - automatic-speech-recognition - speech license: mit model-index: - name: Wav2Vec2 Vakyansh Punjabi Model by Harveen Chadha results: - task: name: Speech Recognition type: automatic-speech-recognition dataset: name: Common Voice hi type: common_voice args: pa metrics: - name: Test WER type: wer value: 33.17 --- Fine-tuned on Multilingual Pretrained Model [CLSRIL-23](https://arxiv.org/abs/2107.07402). The original fairseq checkpoint is present [here](https://github.com/Open-Speech-EkStep/vakyansh-models). When using this model, make sure that your speech input is sampled at 16kHz. **Note: The result from this model is without a language model so you may witness a higher WER in some cases.**
Helsinki-NLP/opus-mt-ase-sv
52145224aaa7997bb15bd3af494537ec3ea4bccd
2021-09-09T21:26:37.000Z
[ "pytorch", "marian", "text2text-generation", "ase", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ase-sv
6
null
transformers
14,816
--- tags: - translation license: apache-2.0 --- ### opus-mt-ase-sv * source languages: ase * target languages: sv * OPUS readme: [ase-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ase-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/ase-sv/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ase-sv/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ase-sv/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ase.sv | 39.7 | 0.576 |
Helsinki-NLP/opus-mt-bcl-es
d9e01b3db4f9ae97d44f15f6a69d5d7ea1d69d5b
2021-09-09T21:26:48.000Z
[ "pytorch", "marian", "text2text-generation", "bcl", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-bcl-es
6
null
transformers
14,817
--- tags: - translation license: apache-2.0 --- ### opus-mt-bcl-es * source languages: bcl * target languages: es * OPUS readme: [bcl-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/bcl-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-15.zip](https://object.pouta.csc.fi/OPUS-MT-models/bcl-es/opus-2020-01-15.zip) * test set translations: [opus-2020-01-15.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/bcl-es/opus-2020-01-15.test.txt) * test set scores: [opus-2020-01-15.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/bcl-es/opus-2020-01-15.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.bcl.es | 37.0 | 0.551 |
Helsinki-NLP/opus-mt-bem-es
ba91f9b554425480027fc8ebb7ecd9474362e50b
2021-09-09T21:27:07.000Z
[ "pytorch", "marian", "text2text-generation", "bem", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-bem-es
6
null
transformers
14,818
--- tags: - translation license: apache-2.0 --- ### opus-mt-bem-es * source languages: bem * target languages: es * OPUS readme: [bem-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/bem-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-15.zip](https://object.pouta.csc.fi/OPUS-MT-models/bem-es/opus-2020-01-15.zip) * test set translations: [opus-2020-01-15.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/bem-es/opus-2020-01-15.test.txt) * test set scores: [opus-2020-01-15.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/bem-es/opus-2020-01-15.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.bem.es | 22.8 | 0.403 |
Helsinki-NLP/opus-mt-bzs-fi
26a623904cfb745bdc48f4e62f4de8ec0f0f0bbb
2021-09-09T21:28:07.000Z
[ "pytorch", "marian", "text2text-generation", "bzs", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-bzs-fi
6
null
transformers
14,819
--- tags: - translation license: apache-2.0 --- ### opus-mt-bzs-fi * source languages: bzs * target languages: fi * OPUS readme: [bzs-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/bzs-fi/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/bzs-fi/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/bzs-fi/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/bzs-fi/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.bzs.fi | 24.7 | 0.464 |
Helsinki-NLP/opus-mt-bzs-sv
2a12941aeaeaa78979240cfcb1d63e44958af76f
2021-09-09T21:28:14.000Z
[ "pytorch", "marian", "text2text-generation", "bzs", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-bzs-sv
6
null
transformers
14,820
--- tags: - translation license: apache-2.0 --- ### opus-mt-bzs-sv * source languages: bzs * target languages: sv * OPUS readme: [bzs-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/bzs-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/bzs-sv/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/bzs-sv/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/bzs-sv/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.bzs.sv | 30.7 | 0.489 |
Helsinki-NLP/opus-mt-ca-it
7d3b4ce1580c78f7ea19cfd16f11e2592fa3703a
2021-01-18T07:53:08.000Z
[ "pytorch", "marian", "text2text-generation", "ca", "it", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ca-it
6
null
transformers
14,821
--- language: - ca - it tags: - translation license: apache-2.0 --- ### cat-ita * source group: Catalan * target group: Italian * OPUS readme: [cat-ita](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/cat-ita/README.md) * model: transformer-align * source language(s): cat * target language(s): ita * model: transformer-align * pre-processing: normalization + SentencePiece (spm12k,spm12k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ita/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ita/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ita/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.cat.ita | 48.6 | 0.690 | ### System Info: - hf_name: cat-ita - source_languages: cat - target_languages: ita - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/cat-ita/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ca', 'it'] - src_constituents: {'cat'} - tgt_constituents: {'ita'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm12k,spm12k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ita/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ita/opus-2020-06-16.test.txt - src_alpha3: cat - tgt_alpha3: ita - short_pair: ca-it - chrF2_score: 0.69 - bleu: 48.6 - brevity_penalty: 0.985 - ref_len: 1995.0 - src_name: Catalan - tgt_name: Italian - train_date: 2020-06-16 - src_alpha2: ca - tgt_alpha2: it - prefer_old: False - long_pair: cat-ita - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-da-no
0c27c6a4d83ea6302bad4ba596f8999ada59c34d
2021-01-18T07:57:11.000Z
[ "pytorch", "marian", "text2text-generation", "da", "no", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-da-no
6
null
transformers
14,822
--- language: - da - no tags: - translation license: apache-2.0 --- ### dan-nor * source group: Danish * target group: Norwegian * OPUS readme: [dan-nor](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/dan-nor/README.md) * model: transformer-align * source language(s): dan * target language(s): nno nob * model: transformer-align * pre-processing: normalization + SentencePiece (spm12k,spm12k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/dan-nor/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/dan-nor/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/dan-nor/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.dan.nor | 66.4 | 0.801 | ### System Info: - hf_name: dan-nor - source_languages: dan - target_languages: nor - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/dan-nor/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['da', 'no'] - src_constituents: {'dan'} - tgt_constituents: {'nob', 'nno'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm12k,spm12k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/dan-nor/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/dan-nor/opus-2020-06-17.test.txt - src_alpha3: dan - tgt_alpha3: nor - short_pair: da-no - chrF2_score: 0.8009999999999999 - bleu: 66.4 - brevity_penalty: 0.996 - ref_len: 9691.0 - src_name: Danish - tgt_name: Norwegian - train_date: 2020-06-17 - src_alpha2: da - tgt_alpha2: no - prefer_old: False - long_pair: dan-nor - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-de-ee
42218c447d3da4a8836adb6de710d06bbad480c9
2021-09-09T21:30:40.000Z
[ "pytorch", "marian", "text2text-generation", "de", "ee", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-ee
6
null
transformers
14,823
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-ee * source languages: de * target languages: ee * OPUS readme: [de-ee](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-ee/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-ee/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ee/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ee/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.ee | 24.6 | 0.463 |
Helsinki-NLP/opus-mt-de-ha
5a241c2d7ce3f36d42b7bbd7f563bd0da651d480
2021-09-09T21:31:28.000Z
[ "pytorch", "marian", "text2text-generation", "de", "ha", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-ha
6
null
transformers
14,824
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-ha * source languages: de * target languages: ha * OPUS readme: [de-ha](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-ha/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-ha/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ha/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ha/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.ha | 20.7 | 0.417 |
Helsinki-NLP/opus-mt-de-ht
2d296463f4735961ca4512271b415aacf7c0ba91
2021-09-09T21:31:47.000Z
[ "pytorch", "marian", "text2text-generation", "de", "ht", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-ht
6
null
transformers
14,825
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-ht * source languages: de * target languages: ht * OPUS readme: [de-ht](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-ht/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-ht/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ht/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ht/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.ht | 21.8 | 0.390 |
Helsinki-NLP/opus-mt-de-ig
862152c08618d17ff651fc7df9145d81519ba9f7
2021-09-09T21:31:54.000Z
[ "pytorch", "marian", "text2text-generation", "de", "ig", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-ig
6
null
transformers
14,826
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-ig * source languages: de * target languages: ig * OPUS readme: [de-ig](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-ig/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-ig/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ig/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ig/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.ig | 25.3 | 0.422 |
Helsinki-NLP/opus-mt-de-pag
f03679f6d038388c5a0a40918acc4bf6406cac28
2021-09-09T21:32:46.000Z
[ "pytorch", "marian", "text2text-generation", "de", "pag", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-pag
6
null
transformers
14,827
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-pag * source languages: de * target languages: pag * OPUS readme: [de-pag](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-pag/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-pag/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-pag/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-pag/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.pag | 24.3 | 0.469 |
Helsinki-NLP/opus-mt-de-pis
ddfb8177ff0559adc697171c2c4c7704921bd4ec
2021-09-09T21:32:54.000Z
[ "pytorch", "marian", "text2text-generation", "de", "pis", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-pis
6
null
transformers
14,828
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-pis * source languages: de * target languages: pis * OPUS readme: [de-pis](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-pis/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-pis/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-pis/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-pis/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.pis | 26.0 | 0.470 |
Helsinki-NLP/opus-mt-de-uk
daa2fee8e72fd0db496311a2992a45410c0704fe
2021-01-18T08:02:45.000Z
[ "pytorch", "marian", "text2text-generation", "de", "uk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-uk
6
null
transformers
14,829
--- language: - de - uk tags: - translation license: apache-2.0 --- ### deu-ukr * source group: German * target group: Ukrainian * OPUS readme: [deu-ukr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/deu-ukr/README.md) * model: transformer-align * source language(s): deu * target language(s): ukr * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/deu-ukr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/deu-ukr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/deu-ukr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.deu.ukr | 40.2 | 0.612 | ### System Info: - hf_name: deu-ukr - source_languages: deu - target_languages: ukr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/deu-ukr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['de', 'uk'] - src_constituents: {'deu'} - tgt_constituents: {'ukr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/deu-ukr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/deu-ukr/opus-2020-06-17.test.txt - src_alpha3: deu - tgt_alpha3: ukr - short_pair: de-uk - chrF2_score: 0.612 - bleu: 40.2 - brevity_penalty: 0.9840000000000001 - ref_len: 54213.0 - src_name: German - tgt_name: Ukrainian - train_date: 2020-06-17 - src_alpha2: de - tgt_alpha2: uk - prefer_old: False - long_pair: deu-ukr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ee-sv
8170bc4af3be1e3633e37ef4180cada5eb177b2c
2021-09-09T21:33:25.000Z
[ "pytorch", "marian", "text2text-generation", "ee", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ee-sv
6
null
transformers
14,830
--- tags: - translation license: apache-2.0 --- ### opus-mt-ee-sv * source languages: ee * target languages: sv * OPUS readme: [ee-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ee-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/ee-sv/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ee-sv/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ee-sv/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ee.sv | 28.9 | 0.472 |
Helsinki-NLP/opus-mt-eo-af
583c53fb594bb8c3432bd8ddc866dc877f261657
2021-01-18T08:19:52.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "af", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-af
6
null
transformers
14,831
--- language: - eo - af tags: - translation license: apache-2.0 --- ### epo-afr * source group: Esperanto * target group: Afrikaans * OPUS readme: [epo-afr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-afr/README.md) * model: transformer-align * source language(s): epo * target language(s): afr * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-afr/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-afr/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-afr/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.afr | 19.5 | 0.369 | ### System Info: - hf_name: epo-afr - source_languages: epo - target_languages: afr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-afr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'af'] - src_constituents: {'epo'} - tgt_constituents: {'afr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-afr/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-afr/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: afr - short_pair: eo-af - chrF2_score: 0.369 - bleu: 19.5 - brevity_penalty: 0.9570000000000001 - ref_len: 8432.0 - src_name: Esperanto - tgt_name: Afrikaans - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: af - prefer_old: False - long_pair: epo-afr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-eo-da
9371fec29c87a4193fe9d567baa3dccc8c9ef766
2021-01-18T08:20:04.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "da", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-da
6
null
transformers
14,832
--- language: - eo - da tags: - translation license: apache-2.0 --- ### epo-dan * source group: Esperanto * target group: Danish * OPUS readme: [epo-dan](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-dan/README.md) * model: transformer-align * source language(s): epo * target language(s): dan * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-dan/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-dan/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-dan/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.dan | 21.6 | 0.407 | ### System Info: - hf_name: epo-dan - source_languages: epo - target_languages: dan - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-dan/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'da'] - src_constituents: {'epo'} - tgt_constituents: {'dan'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-dan/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-dan/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: dan - short_pair: eo-da - chrF2_score: 0.40700000000000003 - bleu: 21.6 - brevity_penalty: 0.9359999999999999 - ref_len: 72349.0 - src_name: Esperanto - tgt_name: Danish - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: da - prefer_old: False - long_pair: epo-dan - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-eo-pt
27b6617aa778ceaa77bd4bcda7bb1ded4c4020f8
2021-01-18T08:21:02.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "pt", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-pt
6
null
transformers
14,833
--- language: - eo - pt tags: - translation license: apache-2.0 --- ### epo-por * source group: Esperanto * target group: Portuguese * OPUS readme: [epo-por](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-por/README.md) * model: transformer-align * source language(s): epo * target language(s): por * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-por/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-por/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-por/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.por | 20.2 | 0.438 | ### System Info: - hf_name: epo-por - source_languages: epo - target_languages: por - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-por/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'pt'] - src_constituents: {'epo'} - tgt_constituents: {'por'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-por/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-por/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: por - short_pair: eo-pt - chrF2_score: 0.43799999999999994 - bleu: 20.2 - brevity_penalty: 0.895 - ref_len: 89991.0 - src_name: Esperanto - tgt_name: Portuguese - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: pt - prefer_old: False - long_pair: epo-por - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-es-rn
fec9ffa2497f2fba70a77f954108644ebcacd145
2021-01-18T08:27:51.000Z
[ "pytorch", "marian", "text2text-generation", "es", "rn", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-es-rn
6
null
transformers
14,834
--- language: - es - rn tags: - translation license: apache-2.0 --- ### spa-run * source group: Spanish * target group: Rundi * OPUS readme: [spa-run](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/spa-run/README.md) * model: transformer-align * source language(s): spa * target language(s): run * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/spa-run/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/spa-run/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/spa-run/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.spa.run | 10.1 | 0.410 | ### System Info: - hf_name: spa-run - source_languages: spa - target_languages: run - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/spa-run/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['es', 'rn'] - src_constituents: {'spa'} - tgt_constituents: {'run'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/spa-run/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/spa-run/opus-2020-06-16.test.txt - src_alpha3: spa - tgt_alpha3: run - short_pair: es-rn - chrF2_score: 0.41 - bleu: 10.1 - brevity_penalty: 1.0 - ref_len: 3886.0 - src_name: Spanish - tgt_name: Rundi - train_date: 2020-06-16 - src_alpha2: es - tgt_alpha2: rn - prefer_old: False - long_pair: spa-run - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-fi-fse
fb35cdc9e7fe546b1a01016a7863344644066779
2021-09-09T21:47:44.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "fse", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-fse
6
null
transformers
14,835
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-fse * source languages: fi * target languages: fse * OPUS readme: [fi-fse](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-fse/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-fse/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-fse/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-fse/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.fse | 81.9 | 0.882 |
Helsinki-NLP/opus-mt-fi-ho
9b94e0c9ad7c60098901861e9ede174b52ece194
2021-09-09T21:48:12.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "ho", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-ho
6
null
transformers
14,836
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-ho * source languages: fi * target languages: ho * OPUS readme: [fi-ho](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-ho/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-ho/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ho/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ho/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.ho | 25.7 | 0.496 |
Helsinki-NLP/opus-mt-fi-kqn
e5d51aade5232aa42a1e69877073cb85cfc4b3a0
2021-09-09T21:48:56.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "kqn", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-kqn
6
null
transformers
14,837
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-kqn * source languages: fi * target languages: kqn * OPUS readme: [fi-kqn](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-kqn/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-kqn/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-kqn/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-kqn/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.kqn | 22.3 | 0.476 |
Helsinki-NLP/opus-mt-fi-lg
d761ed325410dc91fda05833d97411193dc1ae22
2021-09-09T21:49:00.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "lg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-lg
6
null
transformers
14,838
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-lg * source languages: fi * target languages: lg * OPUS readme: [fi-lg](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-lg/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-24.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-lg/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-lg/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-lg/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.lg | 21.7 | 0.473 |
Helsinki-NLP/opus-mt-fi-ln
c58befcaab6f0fdd6d2cb028d93425c27c6e5524
2021-09-09T21:49:04.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "ln", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-ln
6
null
transformers
14,839
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-ln * source languages: fi * target languages: ln * OPUS readme: [fi-ln](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-ln/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-24.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-ln/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ln/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ln/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.ln | 29.2 | 0.536 |
Helsinki-NLP/opus-mt-fi-sm
b98501c9e028fbe38ff4e302cec2724e238a9d1c
2021-09-09T21:50:46.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "sm", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-sm
6
null
transformers
14,840
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-sm * source languages: fi * target languages: sm * OPUS readme: [fi-sm](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-sm/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-sm/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sm/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sm/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.sm | 24.0 | 0.443 |
Helsinki-NLP/opus-mt-fi-sq
d780160ec70266cce0da52bef4e492e18ce36338
2021-09-09T21:50:54.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "sq", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-sq
6
null
transformers
14,841
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-sq * source languages: fi * target languages: sq * OPUS readme: [fi-sq](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-sq/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-08.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-sq/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sq/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sq/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.sq | 32.0 | 0.535 |
Helsinki-NLP/opus-mt-fr-bg
3cc70e5d3637dba3c286d5d1c217cf2097ae8b4f
2021-01-18T08:41:56.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "bg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-bg
6
null
transformers
14,842
--- language: - fr - bg tags: - translation license: apache-2.0 --- ### fra-bul * source group: French * target group: Bulgarian * OPUS readme: [fra-bul](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/fra-bul/README.md) * model: transformer * source language(s): fra * target language(s): bul * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-07-03.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/fra-bul/opus-2020-07-03.zip) * test set translations: [opus-2020-07-03.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/fra-bul/opus-2020-07-03.test.txt) * test set scores: [opus-2020-07-03.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/fra-bul/opus-2020-07-03.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.fra.bul | 46.3 | 0.657 | ### System Info: - hf_name: fra-bul - source_languages: fra - target_languages: bul - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/fra-bul/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['fr', 'bg'] - src_constituents: {'fra'} - tgt_constituents: {'bul', 'bul_Latn'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/fra-bul/opus-2020-07-03.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/fra-bul/opus-2020-07-03.test.txt - src_alpha3: fra - tgt_alpha3: bul - short_pair: fr-bg - chrF2_score: 0.657 - bleu: 46.3 - brevity_penalty: 0.953 - ref_len: 3286.0 - src_name: French - tgt_name: Bulgarian - train_date: 2020-07-03 - src_alpha2: fr - tgt_alpha2: bg - prefer_old: False - long_pair: fra-bul - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-fr-hil
0c1aec453e52b5c21e1cbbddf4ebbf939cb1c768
2021-09-09T21:54:11.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "hil", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-hil
6
null
transformers
14,843
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-hil * source languages: fr * target languages: hil * OPUS readme: [fr-hil](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-hil/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-hil/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-hil/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-hil/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.hil | 34.7 | 0.559 |
Helsinki-NLP/opus-mt-fr-hr
a65485dace0b44c378df8b45f18ca1e2fd8f1fc5
2021-09-09T21:54:19.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "hr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-hr
6
null
transformers
14,844
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-hr * source languages: fr * target languages: hr * OPUS readme: [fr-hr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-hr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-hr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-hr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-hr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.hr | 20.7 | 0.442 |
Helsinki-NLP/opus-mt-fr-lu
13dc0008662a24d0d16278d73c88a767888b879b
2021-09-09T21:55:13.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "lu", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-lu
6
null
transformers
14,845
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-lu * source languages: fr * target languages: lu * OPUS readme: [fr-lu](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-lu/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-lu/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-lu/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-lu/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.lu | 25.5 | 0.471 |
Helsinki-NLP/opus-mt-fr-niu
4e2e464dc51b0eafdc73e3f79b3a3f0ca8350b8a
2021-09-09T21:55:45.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "niu", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-niu
6
null
transformers
14,846
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-niu * source languages: fr * target languages: niu * OPUS readme: [fr-niu](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-niu/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-niu/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-niu/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-niu/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.niu | 34.5 | 0.537 |
Helsinki-NLP/opus-mt-fr-run
1093453d704e6a7fed33cf9523690fec547a3929
2021-09-09T21:56:30.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "run", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-run
6
null
transformers
14,847
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-run * source languages: fr * target languages: run * OPUS readme: [fr-run](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-run/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-20.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-run/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-run/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-run/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.run | 23.8 | 0.482 |
Helsinki-NLP/opus-mt-fr-sk
ab33e3f042b91091ace7dd76f948b02149977ddc
2021-09-09T21:56:42.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "sk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-sk
6
null
transformers
14,848
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-sk * source languages: fr * target languages: sk * OPUS readme: [fr-sk](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-sk/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-sk/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-sk/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-sk/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.sk | 24.9 | 0.456 |
Helsinki-NLP/opus-mt-fr-tvl
9e66c04469dbef4539df4b1119dd8cd47f421339
2021-09-09T21:57:46.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "tvl", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-tvl
6
null
transformers
14,849
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-tvl * source languages: fr * target languages: tvl * OPUS readme: [fr-tvl](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-tvl/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-tvl/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-tvl/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-tvl/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.tvl | 32.6 | 0.497 |
Helsinki-NLP/opus-mt-fr-tw
aaa01e897ab16adfc0ad1f8346ebf18b50ebc541
2021-09-09T21:57:51.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "tw", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-tw
6
null
transformers
14,850
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-tw * source languages: fr * target languages: tw * OPUS readme: [fr-tw](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-tw/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-tw/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-tw/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-tw/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.tw | 27.9 | 0.469 |
Helsinki-NLP/opus-mt-gil-es
e6bfaa91930cd4d371382263a28711503cf6073a
2021-09-09T21:59:08.000Z
[ "pytorch", "marian", "text2text-generation", "gil", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-gil-es
6
null
transformers
14,851
--- tags: - translation license: apache-2.0 --- ### opus-mt-gil-es * source languages: gil * target languages: es * OPUS readme: [gil-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/gil-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/gil-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.gil.es | 21.8 | 0.398 |
Helsinki-NLP/opus-mt-gil-fr
f35de2b01f1bc4b25478876851692c4109159c67
2021-09-09T21:59:18.000Z
[ "pytorch", "marian", "text2text-generation", "gil", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-gil-fr
6
null
transformers
14,852
--- tags: - translation license: apache-2.0 --- ### opus-mt-gil-fr * source languages: gil * target languages: fr * OPUS readme: [gil-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/gil-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/gil-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.gil.fr | 24.9 | 0.424 |
Helsinki-NLP/opus-mt-guw-fi
c2a42ddaec019cfe7affbf69b76dcd77e4e29a60
2021-09-09T21:59:42.000Z
[ "pytorch", "marian", "text2text-generation", "guw", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-guw-fi
6
null
transformers
14,853
--- tags: - translation license: apache-2.0 --- ### opus-mt-guw-fi * source languages: guw * target languages: fi * OPUS readme: [guw-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/guw-fi/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/guw-fi/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/guw-fi/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/guw-fi/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.guw.fi | 27.7 | 0.512 |
Helsinki-NLP/opus-mt-ha-es
d6ad90c29e80e629a51fcb7bcbc3e6792a7fdeda
2021-09-09T22:00:02.000Z
[ "pytorch", "marian", "text2text-generation", "ha", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ha-es
6
null
transformers
14,854
--- tags: - translation license: apache-2.0 --- ### opus-mt-ha-es * source languages: ha * target languages: es * OPUS readme: [ha-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ha-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/ha-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ha-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ha-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ha.es | 21.8 | 0.394 |
Helsinki-NLP/opus-mt-hr-fr
a2dd5c408f8649863155b87d1ed15c9e9800d5a1
2021-09-09T22:10:21.000Z
[ "pytorch", "marian", "text2text-generation", "hr", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-hr-fr
6
null
transformers
14,855
--- tags: - translation license: apache-2.0 --- ### opus-mt-hr-fr * source languages: hr * target languages: fr * OPUS readme: [hr-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/hr-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/hr-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/hr-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/hr-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.hr.fr | 26.1 | 0.482 |
Helsinki-NLP/opus-mt-hr-sv
33f04970a09c5ba579f0d3a15b7c07eccdaceeec
2021-09-09T22:10:25.000Z
[ "pytorch", "marian", "text2text-generation", "hr", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-hr-sv
6
null
transformers
14,856
--- tags: - translation license: apache-2.0 --- ### opus-mt-hr-sv * source languages: hr * target languages: sv * OPUS readme: [hr-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/hr-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/hr-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/hr-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/hr-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.hr.sv | 30.5 | 0.526 |
Helsinki-NLP/opus-mt-ht-fr
784654396300eeb0c87b209bbb9d6245fc38a911
2021-09-09T22:10:39.000Z
[ "pytorch", "marian", "text2text-generation", "ht", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ht-fr
6
null
transformers
14,857
--- tags: - translation license: apache-2.0 --- ### opus-mt-ht-fr * source languages: ht * target languages: fr * OPUS readme: [ht-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ht-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/ht-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ht-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ht-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ht.fr | 28.4 | 0.469 |
Helsinki-NLP/opus-mt-ig-fr
3c8c601afec187fba37dc4864235e0004bd40565
2021-09-09T22:11:44.000Z
[ "pytorch", "marian", "text2text-generation", "ig", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ig-fr
6
null
transformers
14,858
--- tags: - translation license: apache-2.0 --- ### opus-mt-ig-fr * source languages: ig * target languages: fr * OPUS readme: [ig-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ig-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/ig-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ig-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ig-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ig.fr | 25.6 | 0.427 |
Helsinki-NLP/opus-mt-is-es
40ad93a9a3ad129aebcc85f2fd3f6476e43f39b9
2020-08-21T14:42:46.000Z
[ "pytorch", "marian", "text2text-generation", "is", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-is-es
6
null
transformers
14,859
--- language: - is - es tags: - translation license: apache-2.0 --- ### isl-spa * source group: Icelandic * target group: Spanish * OPUS readme: [isl-spa](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/isl-spa/README.md) * model: transformer-align * source language(s): isl * target language(s): spa * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/isl-spa/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/isl-spa/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/isl-spa/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.isl.spa | 51.2 | 0.665 | ### System Info: - hf_name: isl-spa - source_languages: isl - target_languages: spa - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/isl-spa/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['is', 'es'] - src_constituents: {'isl'} - tgt_constituents: {'spa'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/isl-spa/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/isl-spa/opus-2020-06-17.test.txt - src_alpha3: isl - tgt_alpha3: spa - short_pair: is-es - chrF2_score: 0.665 - bleu: 51.2 - brevity_penalty: 0.985 - ref_len: 1229.0 - src_name: Icelandic - tgt_name: Spanish - train_date: 2020-06-17 - src_alpha2: is - tgt_alpha2: es - prefer_old: False - long_pair: isl-spa - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-it-bg
13913053a8a8f016f1fd110e18b12f9f7e2d7a13
2020-08-21T14:42:46.000Z
[ "pytorch", "marian", "text2text-generation", "it", "bg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-it-bg
6
null
transformers
14,860
--- language: - it - bg tags: - translation license: apache-2.0 --- ### ita-bul * source group: Italian * target group: Bulgarian * OPUS readme: [ita-bul](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/ita-bul/README.md) * model: transformer * source language(s): ita * target language(s): bul * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-07-03.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/ita-bul/opus-2020-07-03.zip) * test set translations: [opus-2020-07-03.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/ita-bul/opus-2020-07-03.test.txt) * test set scores: [opus-2020-07-03.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/ita-bul/opus-2020-07-03.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.ita.bul | 47.9 | 0.664 | ### System Info: - hf_name: ita-bul - source_languages: ita - target_languages: bul - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/ita-bul/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['it', 'bg'] - src_constituents: {'ita'} - tgt_constituents: {'bul', 'bul_Latn'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/ita-bul/opus-2020-07-03.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/ita-bul/opus-2020-07-03.test.txt - src_alpha3: ita - tgt_alpha3: bul - short_pair: it-bg - chrF2_score: 0.664 - bleu: 47.9 - brevity_penalty: 0.961 - ref_len: 16512.0 - src_name: Italian - tgt_name: Bulgarian - train_date: 2020-07-03 - src_alpha2: it - tgt_alpha2: bg - prefer_old: False - long_pair: ita-bul - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-kqn-fr
e5d55c80300a7bb8eb98964738a11f4ece7a789c
2021-09-10T13:54:17.000Z
[ "pytorch", "marian", "text2text-generation", "kqn", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-kqn-fr
6
null
transformers
14,861
--- tags: - translation license: apache-2.0 --- ### opus-mt-kqn-fr * source languages: kqn * target languages: fr * OPUS readme: [kqn-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/kqn-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/kqn-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/kqn-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/kqn-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.kqn.fr | 23.2 | 0.400 |
Helsinki-NLP/opus-mt-kwy-sv
e6a2ff8bd758d49781cce3fb210ee0fd90bfc6aa
2021-09-10T13:54:35.000Z
[ "pytorch", "marian", "text2text-generation", "kwy", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-kwy-sv
6
null
transformers
14,862
--- tags: - translation license: apache-2.0 --- ### opus-mt-kwy-sv * source languages: kwy * target languages: sv * OPUS readme: [kwy-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/kwy-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/kwy-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/kwy-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/kwy-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.kwy.sv | 20.2 | 0.373 |
Helsinki-NLP/opus-mt-ln-fr
af92cf5f36f1417ce7f752b1972b5cb131746834
2021-09-10T13:55:08.000Z
[ "pytorch", "marian", "text2text-generation", "ln", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ln-fr
6
null
transformers
14,863
--- tags: - translation license: apache-2.0 --- ### opus-mt-ln-fr * source languages: ln * target languages: fr * OPUS readme: [ln-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ln-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/ln-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ln-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ln-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ln.fr | 28.4 | 0.456 |
Helsinki-NLP/opus-mt-loz-fi
75f7c4bf5ad52e9926fb6cff4e377d6cd0d96a36
2021-09-10T13:55:23.000Z
[ "pytorch", "marian", "text2text-generation", "loz", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-loz-fi
6
null
transformers
14,864
--- tags: - translation license: apache-2.0 --- ### opus-mt-loz-fi * source languages: loz * target languages: fi * OPUS readme: [loz-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/loz-fi/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/loz-fi/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-fi/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-fi/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.loz.fi | 25.1 | 0.467 |
Helsinki-NLP/opus-mt-loz-sv
c06498c4b10a89b866bc88f7da825db34d502ad8
2021-09-10T13:55:30.000Z
[ "pytorch", "marian", "text2text-generation", "loz", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-loz-sv
6
null
transformers
14,865
--- tags: - translation license: apache-2.0 --- ### opus-mt-loz-sv * source languages: loz * target languages: sv * OPUS readme: [loz-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/loz-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/loz-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.loz.sv | 30.0 | 0.477 |
Helsinki-NLP/opus-mt-lt-sv
82720c7153ca459fc8be5be2fe61a56e8ddb4d5b
2021-09-10T13:55:41.000Z
[ "pytorch", "marian", "text2text-generation", "lt", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lt-sv
6
null
transformers
14,866
--- tags: - translation license: apache-2.0 --- ### opus-mt-lt-sv * source languages: lt * target languages: sv * OPUS readme: [lt-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lt-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/lt-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lt-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lt-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lt.sv | 22.9 | 0.447 |
Helsinki-NLP/opus-mt-lu-es
19f6dfbc2a55b6620bdda160058eab577be34881
2021-09-10T13:55:48.000Z
[ "pytorch", "marian", "text2text-generation", "lu", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lu-es
6
null
transformers
14,867
--- tags: - translation license: apache-2.0 --- ### opus-mt-lu-es * source languages: lu * target languages: es * OPUS readme: [lu-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lu-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/lu-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lu-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lu-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lu.es | 22.4 | 0.400 |
Helsinki-NLP/opus-mt-lua-sv
28981ce8764e1bca52ccf57ccf6a33d0020a79a9
2021-09-10T13:56:19.000Z
[ "pytorch", "marian", "text2text-generation", "lua", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lua-sv
6
null
transformers
14,868
--- tags: - translation license: apache-2.0 --- ### opus-mt-lua-sv * source languages: lua * target languages: sv * OPUS readme: [lua-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lua-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/lua-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lua-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lua-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lua.sv | 25.7 | 0.437 |
Helsinki-NLP/opus-mt-lue-es
776cef883f389224814521213222469e344f9da2
2021-09-10T13:56:26.000Z
[ "pytorch", "marian", "text2text-generation", "lue", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lue-es
6
null
transformers
14,869
--- tags: - translation license: apache-2.0 --- ### opus-mt-lue-es * source languages: lue * target languages: es * OPUS readme: [lue-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lue-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/lue-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lue.es | 22.8 | 0.399 |
Helsinki-NLP/opus-mt-lue-fi
999f9cd82b30b662852bdd03716cfb99048cd1ae
2021-09-10T13:56:30.000Z
[ "pytorch", "marian", "text2text-generation", "lue", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lue-fi
6
null
transformers
14,870
--- tags: - translation license: apache-2.0 --- ### opus-mt-lue-fi * source languages: lue * target languages: fi * OPUS readme: [lue-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lue-fi/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/lue-fi/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-fi/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-fi/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lue.fi | 22.1 | 0.427 |
Helsinki-NLP/opus-mt-lue-fr
04b02b2a3ae8b241d0e03b72e2eb9c309b33c86b
2021-09-10T13:56:33.000Z
[ "pytorch", "marian", "text2text-generation", "lue", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lue-fr
6
null
transformers
14,871
--- tags: - translation license: apache-2.0 --- ### opus-mt-lue-fr * source languages: lue * target languages: fr * OPUS readme: [lue-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lue-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/lue-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lue-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lue.fr | 24.1 | 0.407 |
Helsinki-NLP/opus-mt-mfs-es
f46dde2716397fa6beb4cff585d0d3e5381424a8
2021-09-10T13:57:33.000Z
[ "pytorch", "marian", "text2text-generation", "mfs", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-mfs-es
6
null
transformers
14,872
--- tags: - translation license: apache-2.0 --- ### opus-mt-mfs-es * source languages: mfs * target languages: es * OPUS readme: [mfs-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/mfs-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/mfs-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/mfs-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/mfs-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.mfs.es | 88.9 | 0.910 |
Helsinki-NLP/opus-mt-mt-es
c3fa557070cf237a80ebf0cf3dc8f7105cc54238
2021-09-10T13:58:27.000Z
[ "pytorch", "marian", "text2text-generation", "mt", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-mt-es
6
null
transformers
14,873
--- tags: - translation license: apache-2.0 --- ### opus-mt-mt-es * source languages: mt * target languages: es * OPUS readme: [mt-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/mt-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/mt-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/mt-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/mt-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.mt.es | 27.1 | 0.471 |
Helsinki-NLP/opus-mt-niu-de
be0f354485c46fa79d23b6a4fb6351ce7bf766f3
2021-09-10T13:58:45.000Z
[ "pytorch", "marian", "text2text-generation", "niu", "de", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-niu-de
6
null
transformers
14,874
--- tags: - translation license: apache-2.0 --- ### opus-mt-niu-de * source languages: niu * target languages: de * OPUS readme: [niu-de](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/niu-de/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-21.zip](https://object.pouta.csc.fi/OPUS-MT-models/niu-de/opus-2020-01-21.zip) * test set translations: [opus-2020-01-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-de/opus-2020-01-21.test.txt) * test set scores: [opus-2020-01-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-de/opus-2020-01-21.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.niu.de | 20.2 | 0.395 |
Helsinki-NLP/opus-mt-no-uk
6319715cb842b51876ebfd8e63c645798b59e76e
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "no", "uk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-no-uk
6
null
transformers
14,875
--- language: - no - uk tags: - translation license: apache-2.0 --- ### nor-ukr * source group: Norwegian * target group: Ukrainian * OPUS readme: [nor-ukr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-ukr/README.md) * model: transformer-align * source language(s): nob * target language(s): ukr * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-ukr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-ukr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-ukr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.nor.ukr | 16.6 | 0.384 | ### System Info: - hf_name: nor-ukr - source_languages: nor - target_languages: ukr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-ukr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['no', 'uk'] - src_constituents: {'nob', 'nno'} - tgt_constituents: {'ukr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-ukr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-ukr/opus-2020-06-17.test.txt - src_alpha3: nor - tgt_alpha3: ukr - short_pair: no-uk - chrF2_score: 0.384 - bleu: 16.6 - brevity_penalty: 1.0 - ref_len: 3982.0 - src_name: Norwegian - tgt_name: Ukrainian - train_date: 2020-06-17 - src_alpha2: no - tgt_alpha2: uk - prefer_old: False - long_pair: nor-ukr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-nso-de
bb41bd30688e65ab206b0945b4d09f75724ebf86
2021-09-10T13:59:26.000Z
[ "pytorch", "marian", "text2text-generation", "nso", "de", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-nso-de
6
null
transformers
14,876
--- tags: - translation license: apache-2.0 --- ### opus-mt-nso-de * source languages: nso * target languages: de * OPUS readme: [nso-de](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/nso-de/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-21.zip](https://object.pouta.csc.fi/OPUS-MT-models/nso-de/opus-2020-01-21.zip) * test set translations: [opus-2020-01-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/nso-de/opus-2020-01-21.test.txt) * test set scores: [opus-2020-01-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/nso-de/opus-2020-01-21.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.nso.de | 24.7 | 0.461 |
Helsinki-NLP/opus-mt-nso-fr
e745ac202a0fd288731f03ba4f9343573cbf005f
2021-09-10T13:59:41.000Z
[ "pytorch", "marian", "text2text-generation", "nso", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-nso-fr
6
null
transformers
14,877
--- tags: - translation license: apache-2.0 --- ### opus-mt-nso-fr * source languages: nso * target languages: fr * OPUS readme: [nso-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/nso-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/nso-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/nso-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/nso-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.nso.fr | 30.7 | 0.488 |
Helsinki-NLP/opus-mt-pap-fi
b8453594753b04e1fd886e10721b861815e90e88
2021-09-10T14:00:45.000Z
[ "pytorch", "marian", "text2text-generation", "pap", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pap-fi
6
null
transformers
14,878
--- tags: - translation license: apache-2.0 --- ### opus-mt-pap-fi * source languages: pap * target languages: fi * OPUS readme: [pap-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/pap-fi/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-24.zip](https://object.pouta.csc.fi/OPUS-MT-models/pap-fi/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/pap-fi/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/pap-fi/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.pap.fi | 27.7 | 0.520 |
Helsinki-NLP/opus-mt-pis-sv
b77ff3fd2f17ab53b525a5e6f647e4b7b61fd56e
2021-09-10T14:01:07.000Z
[ "pytorch", "marian", "text2text-generation", "pis", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pis-sv
6
null
transformers
14,879
--- tags: - translation license: apache-2.0 --- ### opus-mt-pis-sv * source languages: pis * target languages: sv * OPUS readme: [pis-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/pis-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/pis-sv/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/pis-sv/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/pis-sv/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.pis.sv | 25.9 | 0.442 |
Helsinki-NLP/opus-mt-pl-lt
08d8f3e7f36c0f86a9db44a7c26e006d7911da54
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "pl", "lt", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pl-lt
6
null
transformers
14,880
--- language: - pl - lt tags: - translation license: apache-2.0 --- ### pol-lit * source group: Polish * target group: Lithuanian * OPUS readme: [pol-lit](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/pol-lit/README.md) * model: transformer-align * source language(s): pol * target language(s): lit * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/pol-lit/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/pol-lit/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/pol-lit/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.pol.lit | 43.7 | 0.688 | ### System Info: - hf_name: pol-lit - source_languages: pol - target_languages: lit - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/pol-lit/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['pl', 'lt'] - src_constituents: {'pol'} - tgt_constituents: {'lit'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/pol-lit/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/pol-lit/opus-2020-06-17.test.txt - src_alpha3: pol - tgt_alpha3: lit - short_pair: pl-lt - chrF2_score: 0.688 - bleu: 43.7 - brevity_penalty: 0.981 - ref_len: 10084.0 - src_name: Polish - tgt_name: Lithuanian - train_date: 2020-06-17 - src_alpha2: pl - tgt_alpha2: lt - prefer_old: False - long_pair: pol-lit - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-pl-sv
1a1dafe6e974aee2cdb10705d6e614ab071fe287
2021-09-10T14:01:26.000Z
[ "pytorch", "marian", "text2text-generation", "pl", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pl-sv
6
null
transformers
14,881
--- tags: - translation license: apache-2.0 --- ### opus-mt-pl-sv * source languages: pl * target languages: sv * OPUS readme: [pl-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/pl-sv/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-24.zip](https://object.pouta.csc.fi/OPUS-MT-models/pl-sv/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/pl-sv/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/pl-sv/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba.pl.sv | 58.9 | 0.717 |
Helsinki-NLP/opus-mt-pt-eo
01e3599e27bfadc250dbea379200978aaa86437a
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "pt", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pt-eo
6
null
transformers
14,882
--- language: - pt - eo tags: - translation license: apache-2.0 --- ### por-epo * source group: Portuguese * target group: Esperanto * OPUS readme: [por-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/por-epo/README.md) * model: transformer-align * source language(s): por * target language(s): epo * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/por-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/por-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/por-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.por.epo | 26.8 | 0.497 | ### System Info: - hf_name: por-epo - source_languages: por - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/por-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['pt', 'eo'] - src_constituents: {'por'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/por-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/por-epo/opus-2020-06-16.test.txt - src_alpha3: por - tgt_alpha3: epo - short_pair: pt-eo - chrF2_score: 0.49700000000000005 - bleu: 26.8 - brevity_penalty: 0.948 - ref_len: 87408.0 - src_name: Portuguese - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: pt - tgt_alpha2: eo - prefer_old: False - long_pair: por-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-pt-tl
0adc803858860bf3e5a12bd56236f63d31a7e26a
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "pt", "tl", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pt-tl
6
null
transformers
14,883
--- language: - pt - tl tags: - translation license: apache-2.0 --- ### por-tgl * source group: Portuguese * target group: Tagalog * OPUS readme: [por-tgl](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/por-tgl/README.md) * model: transformer-align * source language(s): por * target language(s): tgl_Latn * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/por-tgl/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/por-tgl/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/por-tgl/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.por.tgl | 28.4 | 0.565 | ### System Info: - hf_name: por-tgl - source_languages: por - target_languages: tgl - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/por-tgl/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['pt', 'tl'] - src_constituents: {'por'} - tgt_constituents: {'tgl_Latn'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/por-tgl/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/por-tgl/opus-2020-06-17.test.txt - src_alpha3: por - tgt_alpha3: tgl - short_pair: pt-tl - chrF2_score: 0.565 - bleu: 28.4 - brevity_penalty: 1.0 - ref_len: 13620.0 - src_name: Portuguese - tgt_name: Tagalog - train_date: 2020-06-17 - src_alpha2: pt - tgt_alpha2: tl - prefer_old: False - long_pair: por-tgl - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ro-eo
a27d842ad5a213af5930a2b9f876b389479b36bd
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "ro", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ro-eo
6
null
transformers
14,884
--- language: - ro - eo tags: - translation license: apache-2.0 --- ### ron-epo * source group: Romanian * target group: Esperanto * OPUS readme: [ron-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/ron-epo/README.md) * model: transformer-align * source language(s): ron * target language(s): epo * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/ron-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/ron-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/ron-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.ron.epo | 27.8 | 0.495 | ### System Info: - hf_name: ron-epo - source_languages: ron - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/ron-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ro', 'eo'] - src_constituents: {'ron'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/ron-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/ron-epo/opus-2020-06-16.test.txt - src_alpha3: ron - tgt_alpha3: epo - short_pair: ro-eo - chrF2_score: 0.495 - bleu: 27.8 - brevity_penalty: 0.955 - ref_len: 25751.0 - src_name: Romanian - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: ro - tgt_alpha2: eo - prefer_old: False - long_pair: ron-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ru-lv
7a0a531177307f7bf27507397ac64bd2897592ef
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "ru", "lv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ru-lv
6
null
transformers
14,885
--- language: - ru - lv tags: - translation license: apache-2.0 --- ### rus-lav * source group: Russian * target group: Latvian * OPUS readme: [rus-lav](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-lav/README.md) * model: transformer-align * source language(s): rus * target language(s): lav * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-lav/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-lav/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-lav/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.rus.lav | 50.0 | 0.696 | ### System Info: - hf_name: rus-lav - source_languages: rus - target_languages: lav - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-lav/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ru', 'lv'] - src_constituents: {'rus'} - tgt_constituents: {'lav'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-lav/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-lav/opus-2020-06-17.test.txt - src_alpha3: rus - tgt_alpha3: lav - short_pair: ru-lv - chrF2_score: 0.696 - bleu: 50.0 - brevity_penalty: 0.968 - ref_len: 1518.0 - src_name: Russian - tgt_name: Latvian - train_date: 2020-06-17 - src_alpha2: ru - tgt_alpha2: lv - prefer_old: False - long_pair: rus-lav - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-rw-es
95971cc58eab5fc93def7a68794da1c7d4326688
2021-09-10T14:02:51.000Z
[ "pytorch", "marian", "text2text-generation", "rw", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-rw-es
6
null
transformers
14,886
--- tags: - translation license: apache-2.0 --- ### opus-mt-rw-es * source languages: rw * target languages: es * OPUS readme: [rw-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/rw-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/rw-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/rw-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/rw-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.rw.es | 26.2 | 0.445 |
Helsinki-NLP/opus-mt-sh-eo
5b87d3fc996e21b1fc3151f72fc458309d8bf71f
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "sh", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sh-eo
6
null
transformers
14,887
--- language: - sh - eo tags: - translation license: apache-2.0 --- ### hbs-epo * source group: Serbo-Croatian * target group: Esperanto * OPUS readme: [hbs-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/hbs-epo/README.md) * model: transformer-align * source language(s): bos_Latn hrv srp_Cyrl srp_Latn * target language(s): epo * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.hbs.epo | 18.7 | 0.383 | ### System Info: - hf_name: hbs-epo - source_languages: hbs - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/hbs-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['sh', 'eo'] - src_constituents: {'hrv', 'srp_Cyrl', 'bos_Latn', 'srp_Latn'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-epo/opus-2020-06-16.test.txt - src_alpha3: hbs - tgt_alpha3: epo - short_pair: sh-eo - chrF2_score: 0.38299999999999995 - bleu: 18.7 - brevity_penalty: 0.9990000000000001 - ref_len: 18457.0 - src_name: Serbo-Croatian - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: sh - tgt_alpha2: eo - prefer_old: False - long_pair: hbs-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-sh-uk
993198054d889b854c4f3afafc344f16a292154b
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "sh", "uk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sh-uk
6
null
transformers
14,888
--- language: - sh - uk tags: - translation license: apache-2.0 --- ### hbs-ukr * source group: Serbo-Croatian * target group: Ukrainian * OPUS readme: [hbs-ukr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/hbs-ukr/README.md) * model: transformer-align * source language(s): hrv srp_Cyrl srp_Latn * target language(s): ukr * model: transformer-align * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-ukr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-ukr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-ukr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.hbs.ukr | 49.6 | 0.665 | ### System Info: - hf_name: hbs-ukr - source_languages: hbs - target_languages: ukr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/hbs-ukr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['sh', 'uk'] - src_constituents: {'hrv', 'srp_Cyrl', 'bos_Latn', 'srp_Latn'} - tgt_constituents: {'ukr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-ukr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/hbs-ukr/opus-2020-06-17.test.txt - src_alpha3: hbs - tgt_alpha3: ukr - short_pair: sh-uk - chrF2_score: 0.665 - bleu: 49.6 - brevity_penalty: 0.9840000000000001 - ref_len: 4959.0 - src_name: Serbo-Croatian - tgt_name: Ukrainian - train_date: 2020-06-17 - src_alpha2: sh - tgt_alpha2: uk - prefer_old: False - long_pair: hbs-ukr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-sm-es
e8afa4b90cb0dda94f7a6723b666e404b4358ee0
2021-09-10T14:03:57.000Z
[ "pytorch", "marian", "text2text-generation", "sm", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sm-es
6
null
transformers
14,889
--- tags: - translation license: apache-2.0 --- ### opus-mt-sm-es * source languages: sm * target languages: es * OPUS readme: [sm-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sm-es/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sm-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sm-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sm-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sm.es | 21.3 | 0.390 |
Helsinki-NLP/opus-mt-sm-fr
2f3d01e05dc9711128d45bb2a5e0c2da2e4a1d5f
2021-09-10T14:04:01.000Z
[ "pytorch", "marian", "text2text-generation", "sm", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sm-fr
6
null
transformers
14,890
--- tags: - translation license: apache-2.0 --- ### opus-mt-sm-fr * source languages: sm * target languages: fr * OPUS readme: [sm-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sm-fr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sm-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sm-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sm-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sm.fr | 24.6 | 0.419 |
Helsinki-NLP/opus-mt-sv-af
0219cee3073ab70cef4904f7c6cc39c846b699cc
2021-09-10T14:05:20.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "af", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-af
6
null
transformers
14,891
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-af * source languages: sv * target languages: af * OPUS readme: [sv-af](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-af/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-af/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-af/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-af/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.af | 44.4 | 0.623 |
Helsinki-NLP/opus-mt-sv-ase
4f6f09937e6994635ac92188a10e501814725a51
2021-09-10T14:05:24.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "ase", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-ase
6
null
transformers
14,892
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-ase * source languages: sv * target languages: ase * OPUS readme: [sv-ase](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-ase/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-21.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-ase/opus-2020-01-21.zip) * test set translations: [opus-2020-01-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ase/opus-2020-01-21.test.txt) * test set scores: [opus-2020-01-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ase/opus-2020-01-21.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.ase | 40.5 | 0.572 |
Helsinki-NLP/opus-mt-sv-bg
d410bc338364628443328820404af742a0930ea4
2021-09-10T14:05:35.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "bg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-bg
6
null
transformers
14,893
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-bg * source languages: sv * target languages: bg * OPUS readme: [sv-bg](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-bg/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-bg/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-bg/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-bg/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.bg | 29.6 | 0.509 |
Helsinki-NLP/opus-mt-sv-cs
29ac3a36fbfb485b8c7d1e92e2a2f195e9dbb3d1
2021-09-10T14:05:56.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "cs", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-cs
6
null
transformers
14,894
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-cs * source languages: sv * target languages: cs * OPUS readme: [sv-cs](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-cs/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-cs/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-cs/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-cs/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.cs | 27.5 | 0.488 |
Helsinki-NLP/opus-mt-sv-hil
62e8c007c269d0a9adb717f304755dafe70fc872
2021-09-10T14:06:54.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "hil", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-hil
6
null
transformers
14,895
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-hil * source languages: sv * target languages: hil * OPUS readme: [sv-hil](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-hil/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-21.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-hil/opus-2020-01-21.zip) * test set translations: [opus-2020-01-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-hil/opus-2020-01-21.test.txt) * test set scores: [opus-2020-01-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-hil/opus-2020-01-21.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.hil | 38.2 | 0.610 |
Helsinki-NLP/opus-mt-sv-hr
aff9531529ba70329818843ed9966b4b8f9326b2
2021-09-10T14:07:02.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "hr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-hr
6
null
transformers
14,896
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-hr * source languages: sv * target languages: hr * OPUS readme: [sv-hr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-hr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-hr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-hr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-hr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.hr | 25.7 | 0.498 |
Helsinki-NLP/opus-mt-sv-ig
36bf04a161f73059dbd2d74a00c6557b09e1653c
2021-09-10T14:07:18.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "ig", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-ig
6
null
transformers
14,897
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-ig * source languages: sv * target languages: ig * OPUS readme: [sv-ig](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-ig/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-ig/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ig/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ig/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.ig | 31.1 | 0.479 |
Helsinki-NLP/opus-mt-sv-kqn
3a50a95f0e95eeceb1cec34bd7f670780137247d
2021-09-10T14:07:37.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "kqn", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-kqn
6
null
transformers
14,898
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-kqn * source languages: sv * target languages: kqn * OPUS readme: [sv-kqn](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-kqn/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-kqn/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-kqn/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-kqn/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.kqn | 24.0 | 0.491 |
Helsinki-NLP/opus-mt-sv-lue
e436c43039688996cf60065d9dc20b6a2718f231
2021-09-10T14:07:59.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "lue", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-lue
6
null
transformers
14,899
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-lue * source languages: sv * target languages: lue * OPUS readme: [sv-lue](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-lue/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-lue/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-lue/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-lue/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.lue | 22.6 | 0.502 |