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
Geotrend/distilbert-base-en-pl-cased
61df8fb99b7621a5d3509bc5fc5b605f5859edeb
2021-07-27T18:59:24.000Z
[ "pytorch", "distilbert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-en-pl-cased
4
null
transformers
17,800
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # distilbert-base-en-pl-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-en-pl-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-base-en-pl-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.
Geotrend/distilbert-base-en-ru-cased
dfdd64519be98dda2ec87fc158de2390cbf8173a
2021-08-16T14:02:18.000Z
[ "pytorch", "distilbert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-en-ru-cased
4
null
transformers
17,801
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # distilbert-base-en-ru-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-en-ru-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-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{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.
Geotrend/distilbert-base-en-uk-cased
2b69a9d4b491fc507c1ac8a8ca34a20bd3a65420
2021-07-26T21:26:11.000Z
[ "pytorch", "distilbert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-en-uk-cased
4
null
transformers
17,802
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # distilbert-base-en-uk-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-en-uk-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-base-en-uk-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.
Geotrend/distilbert-base-en-zh-hi-cased
c52c4d74d76fb4adbe5b2a6d0813711557ee9840
2021-07-29T03:19:43.000Z
[ "pytorch", "distilbert", "fill-mask", "multilingual", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-en-zh-hi-cased
4
null
transformers
17,803
--- language: multilingual datasets: wikipedia license: apache-2.0 --- # distilbert-base-en-zh-hi-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-en-zh-hi-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-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{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.
Geotrend/distilbert-base-pt-cased
c08ee56376bce2864b099b665c5271dd73122b0e
2021-07-28T16:28:06.000Z
[ "pytorch", "distilbert", "fill-mask", "pt", "dataset:wikipedia", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
Geotrend
null
Geotrend/distilbert-base-pt-cased
4
1
transformers
17,804
--- language: pt datasets: wikipedia license: apache-2.0 --- # distilbert-base-pt-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-pt-cased") model = AutoModel.from_pretrained("Geotrend/distilbert-base-pt-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.
Gerasimos/wav2vec2-large-xls-r-300m-greek
6c4136101deee4a86336df1e53c99c4843ff1939
2022-02-07T03:06:59.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "model-index" ]
automatic-speech-recognition
false
Gerasimos
null
Gerasimos/wav2vec2-large-xls-r-300m-greek
4
null
transformers
17,805
--- tags: - generated_from_trainer datasets: - common_voice model-index: - name: wav2vec2-large-xls-r-300m-greek 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-greek This model was trained from scratch on the common_voice dataset. It achieves the following results on the evaluation set: - Loss: 0.4823 - Wer: 0.3338 ## 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: 16 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 0.0106 | 1.72 | 200 | 0.5519 | 0.3537 | | 0.0249 | 3.45 | 400 | 0.5174 | 0.3465 | | 0.0206 | 5.17 | 600 | 0.4721 | 0.3323 | | 0.0221 | 6.89 | 800 | 0.4652 | 0.3373 | | 0.0204 | 8.62 | 1000 | 0.4883 | 0.3389 | | 0.0192 | 10.34 | 1200 | 0.4785 | 0.3389 | | 0.0186 | 12.07 | 1400 | 0.4789 | 0.3378 | | 0.0172 | 13.79 | 1600 | 0.4915 | 0.3347 | | 0.0184 | 15.52 | 1800 | 0.4759 | 0.3440 | | 0.0168 | 17.24 | 2000 | 0.4891 | 0.3371 | | 0.0155 | 18.96 | 2200 | 0.4928 | 0.3394 | | 0.0146 | 20.69 | 2400 | 0.4834 | 0.3357 | | 0.0146 | 22.41 | 2600 | 0.4814 | 0.3362 | | 0.0151 | 24.14 | 2800 | 0.4791 | 0.3345 | | 0.0136 | 25.86 | 3000 | 0.4825 | 0.3356 | | 0.0136 | 27.58 | 3200 | 0.4850 | 0.3351 | | 0.0127 | 29.31 | 3400 | 0.4823 | 0.3338 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.10.3
Ghana-NLP/robako-base-akuapem-twi-cased
3c65d79a4469412c460d90520a3b3b52f33c257a
2021-05-20T11:53:32.000Z
[ "pytorch", "tf", "jax", "roberta", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
Ghana-NLP
null
Ghana-NLP/robako-base-akuapem-twi-cased
4
null
transformers
17,806
Entry not found
GroNLP/bert-base-dutch-cased-gronings
fde6e9c2f0b8812c14fa81131b0ca2057153abd2
2021-05-18T20:21:26.000Z
[ "pytorch", "tf", "jax", "bert", "fill-mask", "gos", "arxiv:2105.02855", "transformers", "BERTje", "autotrain_compatible" ]
fill-mask
false
GroNLP
null
GroNLP/bert-base-dutch-cased-gronings
4
null
transformers
17,807
--- language: gos tags: - BERTje --- Wietse de Vries • Martijn Bartelds • Malvina Nissim • Martijn Wieling # Adapting Monolingual Models: Data can be Scarce when Language Similarity is High This model is part of this paper + code: - 📝 [Paper](https://arxiv.org/abs/2105.02855) - 💻 [Code](https://github.com/wietsedv/low-resource-adapt) ## Models The best fine-tuned models for Gronings and West Frisian are available on the HuggingFace model hub: ### Lexical layers These models are identical to [BERTje](https://github.com/wietsedv/bertje), but with different lexical layers (`bert.embeddings.word_embeddings`). - 🤗 [`GroNLP/bert-base-dutch-cased`](https://huggingface.co/GroNLP/bert-base-dutch-cased) (Dutch; source language) - 🤗 [`GroNLP/bert-base-dutch-cased-gronings`](https://huggingface.co/GroNLP/bert-base-dutch-cased-gronings) (Gronings) - 🤗 [`GroNLP/bert-base-dutch-cased-frisian`](https://huggingface.co/GroNLP/bert-base-dutch-cased-frisian) (West Frisian) ### POS tagging These models share the same fine-tuned Transformer layers + classification head, but with the retrained lexical layers from the models above. - 🤗 [`GroNLP/bert-base-dutch-cased-upos-alpino`](https://huggingface.co/GroNLP/bert-base-dutch-cased-upos-alpino) (Dutch) - 🤗 [`GroNLP/bert-base-dutch-cased-upos-alpino-gronings`](https://huggingface.co/GroNLP/bert-base-dutch-cased-upos-alpino-gronings) (Gronings) - 🤗 [`GroNLP/bert-base-dutch-cased-upos-alpino-frisian`](https://huggingface.co/GroNLP/bert-base-dutch-cased-upos-alpino-frisian) (West Frisian)
HScomcom/gpt2-theoffice
4d45e714c4dc16a30762a3a725d0b5b58a3bcbbb
2021-05-21T10:44:51.000Z
[ "pytorch", "jax", "gpt2", "text-generation", "transformers" ]
text-generation
false
HScomcom
null
HScomcom/gpt2-theoffice
4
null
transformers
17,808
Entry not found
HackMIT/double-agent
6e8169d3cc13546fa7fcff796157a9b00055ba91
2021-08-04T06:43:07.000Z
[ "pytorch", "bert", "text-classification", "transformers" ]
text-classification
false
HackMIT
null
HackMIT/double-agent
4
1
transformers
17,809
Entry not found
Hamas/DialoGPT-large-jake4
f3e5528c499a882ccdd47a3bf4f5b62e71512732
2022-01-23T10:14:47.000Z
[ "pytorch", "gpt2", "text-generation", "transformers", "conversational" ]
conversational
false
Hamas
null
Hamas/DialoGPT-large-jake4
4
null
transformers
17,810
--- tags: - conversational --- # Jake DialoGPT-large-jake
Harveenchadha/vakyansh-wav2vec2-sanskrit-sam-60
28c2078678b3674c2a29734d2e473c1e9325c295
2021-12-17T17:59:00.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
Harveenchadha
null
Harveenchadha/vakyansh-wav2vec2-sanskrit-sam-60
4
1
transformers
17,811
Entry not found
HelloRusk/t5-small-parasci
c253bbe69f860f7a8c2b64af0980b6cc26f6364f
2021-06-23T02:25:53.000Z
[ "pytorch", "jax", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
HelloRusk
null
HelloRusk/t5-small-parasci
4
null
transformers
17,812
Entry not found
Helsinki-NLP/opus-mt-bg-eo
07a17b73f82ae99e9ccfd7505204fe8f676ab346
2021-01-18T07:50:35.000Z
[ "pytorch", "marian", "text2text-generation", "bg", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-bg-eo
4
null
transformers
17,813
--- language: - bg - eo tags: - translation license: apache-2.0 --- ### bul-epo * source group: Bulgarian * target group: Esperanto * OPUS readme: [bul-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/bul-epo/README.md) * model: transformer-align * source language(s): bul * 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/bul-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/bul-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/bul-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.bul.epo | 24.5 | 0.438 | ### System Info: - hf_name: bul-epo - source_languages: bul - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/bul-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['bg', 'eo'] - src_constituents: {'bul', 'bul_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/bul-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/bul-epo/opus-2020-06-16.test.txt - src_alpha3: bul - tgt_alpha3: epo - short_pair: bg-eo - chrF2_score: 0.43799999999999994 - bleu: 24.5 - brevity_penalty: 0.9670000000000001 - ref_len: 4043.0 - src_name: Bulgarian - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: bg - tgt_alpha2: eo - prefer_old: False - long_pair: bul-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ca-uk
7da385506b14a943f172fad751ec08c9cbf76a49
2021-01-18T07:53:22.000Z
[ "pytorch", "marian", "text2text-generation", "ca", "uk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ca-uk
4
null
transformers
17,814
--- language: - ca - uk tags: - translation license: apache-2.0 --- ### cat-ukr * source group: Catalan * target group: Ukrainian * OPUS readme: [cat-ukr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/cat-ukr/README.md) * model: transformer-align * source language(s): cat * target language(s): ukr * 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/cat-ukr/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ukr/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ukr/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.cat.ukr | 28.6 | 0.503 | ### System Info: - hf_name: cat-ukr - source_languages: cat - target_languages: ukr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/cat-ukr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ca', 'uk'] - src_constituents: {'cat'} - tgt_constituents: {'ukr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ukr/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/cat-ukr/opus-2020-06-16.test.txt - src_alpha3: cat - tgt_alpha3: ukr - short_pair: ca-uk - chrF2_score: 0.503 - bleu: 28.6 - brevity_penalty: 0.9670000000000001 - ref_len: 2438.0 - src_name: Catalan - tgt_name: Ukrainian - train_date: 2020-06-16 - src_alpha2: ca - tgt_alpha2: uk - prefer_old: False - long_pair: cat-ukr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-chk-es
c41790360ecb70331ba71c881db1c592b0923502
2021-09-09T21:28:45.000Z
[ "pytorch", "marian", "text2text-generation", "chk", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-chk-es
4
null
transformers
17,815
--- tags: - translation license: apache-2.0 --- ### opus-mt-chk-es * source languages: chk * target languages: es * OPUS readme: [chk-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/chk-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/chk-es/opus-2020-01-15.zip) * test set translations: [opus-2020-01-15.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/chk-es/opus-2020-01-15.test.txt) * test set scores: [opus-2020-01-15.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/chk-es/opus-2020-01-15.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.chk.es | 20.8 | 0.374 |
Helsinki-NLP/opus-mt-crs-es
808d78b9c72092991bba047542192f26c3bff3b8
2021-09-09T21:29:03.000Z
[ "pytorch", "marian", "text2text-generation", "crs", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-crs-es
4
null
transformers
17,816
--- tags: - translation license: apache-2.0 --- ### opus-mt-crs-es * source languages: crs * target languages: es * OPUS readme: [crs-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/crs-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/crs-es/opus-2020-01-15.zip) * test set translations: [opus-2020-01-15.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-es/opus-2020-01-15.test.txt) * test set scores: [opus-2020-01-15.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-es/opus-2020-01-15.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.crs.es | 26.1 | 0.445 |
Helsinki-NLP/opus-mt-crs-fi
e61325e6904fe87fbad3e6d978dca63fb4e766ba
2021-09-09T21:29:06.000Z
[ "pytorch", "marian", "text2text-generation", "crs", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-crs-fi
4
null
transformers
17,817
--- tags: - translation license: apache-2.0 --- ### opus-mt-crs-fi * source languages: crs * target languages: fi * OPUS readme: [crs-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/crs-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/crs-fi/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-fi/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-fi/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.crs.fi | 25.6 | 0.479 |
Helsinki-NLP/opus-mt-crs-fr
341ed6222bcb84709acf9b8a3d5d57991b350c5e
2021-09-09T21:29:10.000Z
[ "pytorch", "marian", "text2text-generation", "crs", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-crs-fr
4
null
transformers
17,818
--- tags: - translation license: apache-2.0 --- ### opus-mt-crs-fr * source languages: crs * target languages: fr * OPUS readme: [crs-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/crs-fr/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/crs-fr/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-fr/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/crs-fr/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.crs.fr | 29.4 | 0.475 |
Helsinki-NLP/opus-mt-de-af
ed730aba14194ae9965c5f0d1eaa3bb87a045391
2021-01-18T07:57:33.000Z
[ "pytorch", "marian", "text2text-generation", "de", "af", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-af
4
null
transformers
17,819
--- language: - de - af tags: - translation license: apache-2.0 --- ### deu-afr * source group: German * target group: Afrikaans * OPUS readme: [deu-afr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/deu-afr/README.md) * model: transformer-align * source language(s): deu * target language(s): afr * 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-afr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/deu-afr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/deu-afr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.deu.afr | 51.3 | 0.690 | ### System Info: - hf_name: deu-afr - source_languages: deu - target_languages: afr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/deu-afr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['de', 'af'] - src_constituents: {'deu'} - tgt_constituents: {'afr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/deu-afr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/deu-afr/opus-2020-06-17.test.txt - src_alpha3: deu - tgt_alpha3: afr - short_pair: de-af - chrF2_score: 0.69 - bleu: 51.3 - brevity_penalty: 1.0 - ref_len: 9507.0 - src_name: German - tgt_name: Afrikaans - train_date: 2020-06-17 - src_alpha2: de - tgt_alpha2: af - prefer_old: False - long_pair: deu-afr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-de-ho
6f07189ef39e3e609a24c45936c40e30fd6b3ef8
2021-09-09T21:31:39.000Z
[ "pytorch", "marian", "text2text-generation", "de", "ho", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-ho
4
null
transformers
17,820
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-ho * source languages: de * target languages: ho * OPUS readme: [de-ho](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-ho/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-ho/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ho/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-ho/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.ho | 22.6 | 0.461 |
Helsinki-NLP/opus-mt-de-hr
d1b7e5205290af5c36e8be8cd6d73f6b5d9bba5f
2021-09-09T21:31:43.000Z
[ "pytorch", "marian", "text2text-generation", "de", "hr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-hr
4
null
transformers
17,821
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-hr * source languages: de * target languages: hr * OPUS readme: [de-hr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-hr/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-26.zip](https://object.pouta.csc.fi/OPUS-MT-models/de-hr/opus-2020-01-26.zip) * test set translations: [opus-2020-01-26.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-hr/opus-2020-01-26.test.txt) * test set scores: [opus-2020-01-26.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-hr/opus-2020-01-26.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba.de.hr | 42.6 | 0.643 |
Helsinki-NLP/opus-mt-de-kg
495d68528e086b0ccea38761513241152e4f217f
2021-09-09T21:32:08.000Z
[ "pytorch", "marian", "text2text-generation", "de", "kg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-kg
4
null
transformers
17,822
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-kg * source languages: de * target languages: kg * OPUS readme: [de-kg](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-kg/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-kg/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-kg/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-kg/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.kg | 24.4 | 0.474 |
Helsinki-NLP/opus-mt-de-lua
319b94b75439b497c0860a3fc80a34ecacb597a0
2021-09-09T21:32:24.000Z
[ "pytorch", "marian", "text2text-generation", "de", "lua", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-de-lua
4
null
transformers
17,823
--- tags: - translation license: apache-2.0 --- ### opus-mt-de-lua * source languages: de * target languages: lua * OPUS readme: [de-lua](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/de-lua/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-lua/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-lua/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/de-lua/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.de.lua | 23.1 | 0.467 |
Helsinki-NLP/opus-mt-efi-sv
c02cd07b017c7c71d4583dbd6050dfee383a1cf0
2021-09-09T21:33:43.000Z
[ "pytorch", "marian", "text2text-generation", "efi", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-efi-sv
4
null
transformers
17,824
--- tags: - translation license: apache-2.0 --- ### opus-mt-efi-sv * source languages: efi * target languages: sv * OPUS readme: [efi-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/efi-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/efi-sv/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/efi-sv/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/efi-sv/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.efi.sv | 26.8 | 0.447 |
Helsinki-NLP/opus-mt-en-euq
571c6c1a4773543922c52f549127d9bd7239634c
2021-01-18T08:07:28.000Z
[ "pytorch", "marian", "text2text-generation", "en", "euq", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-en-euq
4
null
transformers
17,825
--- language: - en - euq tags: - translation license: apache-2.0 --- ### eng-euq * source group: English * target group: Basque (family) * OPUS readme: [eng-euq](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-euq/README.md) * model: transformer * source language(s): eng * target language(s): eus * model: transformer * pre-processing: normalization + SentencePiece (spm12k,spm12k) * download original weights: [opus-2020-07-26.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-euq/opus-2020-07-26.zip) * test set translations: [opus-2020-07-26.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-euq/opus-2020-07-26.test.txt) * test set scores: [opus-2020-07-26.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-euq/opus-2020-07-26.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.eng.eus | 27.9 | 0.555 | | Tatoeba-test.eng-eus.eng.eus | 27.9 | 0.555 | ### System Info: - hf_name: eng-euq - source_languages: eng - target_languages: euq - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-euq/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['en', 'euq'] - src_constituents: {'eng'} - tgt_constituents: {'eus'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm12k,spm12k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-euq/opus-2020-07-26.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-euq/opus-2020-07-26.test.txt - src_alpha3: eng - tgt_alpha3: euq - short_pair: en-euq - chrF2_score: 0.555 - bleu: 27.9 - brevity_penalty: 0.917 - ref_len: 7080.0 - src_name: English - tgt_name: Basque (family) - train_date: 2020-07-26 - src_alpha2: en - tgt_alpha2: euq - prefer_old: False - long_pair: eng-euq - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-en-map
dea27177ff6b99e0366e1eea8f907cad9c553cfe
2021-01-18T08:12:08.000Z
[ "pytorch", "marian", "text2text-generation", "en", "map", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-en-map
4
null
transformers
17,826
--- language: - en - map tags: - translation license: apache-2.0 --- ### eng-map * source group: English * target group: Austronesian languages * OPUS readme: [eng-map](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-map/README.md) * model: transformer * source language(s): eng * target language(s): akl_Latn ceb cha dtp fij gil haw hil iba ilo ind jav jav_Java lkt mad mah max_Latn min mlg mri nau niu pag pau rap smo sun tah tet tmw_Latn ton tvl war zlm_Latn zsm_Latn * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-07-27.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-map/opus-2020-07-27.zip) * test set translations: [opus-2020-07-27.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-map/opus-2020-07-27.test.txt) * test set scores: [opus-2020-07-27.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-map/opus-2020-07-27.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.eng-akl.eng.akl | 2.2 | 0.103 | | Tatoeba-test.eng-ceb.eng.ceb | 10.7 | 0.425 | | Tatoeba-test.eng-cha.eng.cha | 3.2 | 0.201 | | Tatoeba-test.eng-dtp.eng.dtp | 0.5 | 0.120 | | Tatoeba-test.eng-fij.eng.fij | 26.8 | 0.453 | | Tatoeba-test.eng-gil.eng.gil | 59.3 | 0.762 | | Tatoeba-test.eng-haw.eng.haw | 1.0 | 0.116 | | Tatoeba-test.eng-hil.eng.hil | 19.0 | 0.517 | | Tatoeba-test.eng-iba.eng.iba | 15.5 | 0.400 | | Tatoeba-test.eng-ilo.eng.ilo | 33.6 | 0.591 | | Tatoeba-test.eng-jav.eng.jav | 7.8 | 0.301 | | Tatoeba-test.eng-lkt.eng.lkt | 1.0 | 0.064 | | Tatoeba-test.eng-mad.eng.mad | 1.1 | 0.142 | | Tatoeba-test.eng-mah.eng.mah | 9.1 | 0.374 | | Tatoeba-test.eng-mlg.eng.mlg | 35.4 | 0.526 | | Tatoeba-test.eng-mri.eng.mri | 7.6 | 0.309 | | Tatoeba-test.eng-msa.eng.msa | 31.1 | 0.565 | | Tatoeba-test.eng.multi | 17.6 | 0.411 | | Tatoeba-test.eng-nau.eng.nau | 1.4 | 0.098 | | Tatoeba-test.eng-niu.eng.niu | 40.1 | 0.560 | | Tatoeba-test.eng-pag.eng.pag | 16.8 | 0.526 | | Tatoeba-test.eng-pau.eng.pau | 1.9 | 0.139 | | Tatoeba-test.eng-rap.eng.rap | 2.7 | 0.090 | | Tatoeba-test.eng-smo.eng.smo | 24.9 | 0.453 | | Tatoeba-test.eng-sun.eng.sun | 33.2 | 0.439 | | Tatoeba-test.eng-tah.eng.tah | 12.5 | 0.278 | | Tatoeba-test.eng-tet.eng.tet | 1.6 | 0.140 | | Tatoeba-test.eng-ton.eng.ton | 25.8 | 0.530 | | Tatoeba-test.eng-tvl.eng.tvl | 31.1 | 0.523 | | Tatoeba-test.eng-war.eng.war | 12.8 | 0.436 | ### System Info: - hf_name: eng-map - source_languages: eng - target_languages: map - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-map/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['en', 'map'] - src_constituents: {'eng'} - tgt_constituents: set() - src_multilingual: False - tgt_multilingual: True - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-map/opus-2020-07-27.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-map/opus-2020-07-27.test.txt - src_alpha3: eng - tgt_alpha3: map - short_pair: en-map - chrF2_score: 0.41100000000000003 - bleu: 17.6 - brevity_penalty: 1.0 - ref_len: 66963.0 - src_name: English - tgt_name: Austronesian languages - train_date: 2020-07-27 - src_alpha2: en - tgt_alpha2: map - prefer_old: False - long_pair: eng-map - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-en-poz
de1a5a03cbd9583d6d016556de2fa257d382bc82
2021-01-18T08:14:37.000Z
[ "pytorch", "marian", "text2text-generation", "en", "poz", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-en-poz
4
null
transformers
17,827
--- language: - en - poz tags: - translation license: apache-2.0 --- ### eng-poz * source group: English * target group: Malayo-Polynesian languages * OPUS readme: [eng-poz](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-poz/README.md) * model: transformer * source language(s): eng * target language(s): akl_Latn ceb cha dtp fij gil haw hil iba ilo ind jav jav_Java lkt mad mah max_Latn min mlg mri nau niu pag pau rap smo sun tah tet tmw_Latn ton tvl war zlm_Latn zsm_Latn * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-07-27.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-poz/opus-2020-07-27.zip) * test set translations: [opus-2020-07-27.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-poz/opus-2020-07-27.test.txt) * test set scores: [opus-2020-07-27.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-poz/opus-2020-07-27.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.eng-akl.eng.akl | 1.3 | 0.086 | | Tatoeba-test.eng-ceb.eng.ceb | 10.2 | 0.426 | | Tatoeba-test.eng-cha.eng.cha | 1.9 | 0.196 | | Tatoeba-test.eng-dtp.eng.dtp | 0.4 | 0.121 | | Tatoeba-test.eng-fij.eng.fij | 31.0 | 0.463 | | Tatoeba-test.eng-gil.eng.gil | 45.4 | 0.635 | | Tatoeba-test.eng-haw.eng.haw | 0.6 | 0.104 | | Tatoeba-test.eng-hil.eng.hil | 14.4 | 0.498 | | Tatoeba-test.eng-iba.eng.iba | 17.4 | 0.414 | | Tatoeba-test.eng-ilo.eng.ilo | 33.1 | 0.585 | | Tatoeba-test.eng-jav.eng.jav | 6.5 | 0.309 | | Tatoeba-test.eng-lkt.eng.lkt | 0.5 | 0.065 | | Tatoeba-test.eng-mad.eng.mad | 1.7 | 0.156 | | Tatoeba-test.eng-mah.eng.mah | 12.7 | 0.391 | | Tatoeba-test.eng-mlg.eng.mlg | 30.3 | 0.504 | | Tatoeba-test.eng-mri.eng.mri | 8.2 | 0.316 | | Tatoeba-test.eng-msa.eng.msa | 30.4 | 0.561 | | Tatoeba-test.eng.multi | 16.2 | 0.410 | | Tatoeba-test.eng-nau.eng.nau | 0.6 | 0.087 | | Tatoeba-test.eng-niu.eng.niu | 33.2 | 0.482 | | Tatoeba-test.eng-pag.eng.pag | 19.4 | 0.555 | | Tatoeba-test.eng-pau.eng.pau | 1.0 | 0.124 | | Tatoeba-test.eng-rap.eng.rap | 1.4 | 0.090 | | Tatoeba-test.eng-smo.eng.smo | 12.9 | 0.407 | | Tatoeba-test.eng-sun.eng.sun | 15.5 | 0.364 | | Tatoeba-test.eng-tah.eng.tah | 9.5 | 0.295 | | Tatoeba-test.eng-tet.eng.tet | 1.2 | 0.146 | | Tatoeba-test.eng-ton.eng.ton | 23.7 | 0.484 | | Tatoeba-test.eng-tvl.eng.tvl | 32.5 | 0.549 | | Tatoeba-test.eng-war.eng.war | 12.6 | 0.432 | ### System Info: - hf_name: eng-poz - source_languages: eng - target_languages: poz - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-poz/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['en', 'poz'] - src_constituents: {'eng'} - tgt_constituents: set() - src_multilingual: False - tgt_multilingual: True - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-poz/opus-2020-07-27.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-poz/opus-2020-07-27.test.txt - src_alpha3: eng - tgt_alpha3: poz - short_pair: en-poz - chrF2_score: 0.41 - bleu: 16.2 - brevity_penalty: 1.0 - ref_len: 66803.0 - src_name: English - tgt_name: Malayo-Polynesian languages - train_date: 2020-07-27 - src_alpha2: en - tgt_alpha2: poz - prefer_old: False - long_pair: eng-poz - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-en-rn
71bef793a48e4e06be81a56b4c241e8e7f7947e3
2021-01-18T08:14:53.000Z
[ "pytorch", "marian", "text2text-generation", "en", "rn", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-en-rn
4
null
transformers
17,828
--- language: - en - rn tags: - translation license: apache-2.0 --- ### eng-run * source group: English * target group: Rundi * OPUS readme: [eng-run](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-run/README.md) * model: transformer-align * source language(s): eng * 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/eng-run/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-run/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-run/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.eng.run | 10.4 | 0.436 | ### System Info: - hf_name: eng-run - source_languages: eng - target_languages: run - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-run/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['en', 'rn'] - src_constituents: {'eng'} - tgt_constituents: {'run'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-run/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-run/opus-2020-06-16.test.txt - src_alpha3: eng - tgt_alpha3: run - short_pair: en-rn - chrF2_score: 0.436 - bleu: 10.4 - brevity_penalty: 1.0 - ref_len: 6710.0 - src_name: English - tgt_name: Rundi - train_date: 2020-06-16 - src_alpha2: en - tgt_alpha2: rn - prefer_old: False - long_pair: eng-run - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-eo-el
1aab059b61df44e5ce50ceee14ba3c0f6ee17811
2021-01-18T08:20:13.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "el", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-el
4
null
transformers
17,829
--- language: - eo - el tags: - translation license: apache-2.0 --- ### epo-ell * source group: Esperanto * target group: Modern Greek (1453-) * OPUS readme: [epo-ell](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-ell/README.md) * model: transformer-align * source language(s): epo * target language(s): ell * 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-ell/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-ell/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-ell/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.ell | 23.2 | 0.438 | ### System Info: - hf_name: epo-ell - source_languages: epo - target_languages: ell - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-ell/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'el'] - src_constituents: {'epo'} - tgt_constituents: {'ell'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-ell/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-ell/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: ell - short_pair: eo-el - chrF2_score: 0.43799999999999994 - bleu: 23.2 - brevity_penalty: 0.9159999999999999 - ref_len: 3892.0 - src_name: Esperanto - tgt_name: Modern Greek (1453-) - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: el - prefer_old: False - long_pair: epo-ell - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-eo-pl
df457c7e95bf1c84c701f5104be4150f44f9571c
2021-01-18T08:20:58.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "pl", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-pl
4
null
transformers
17,830
--- language: - eo - pl tags: - translation license: apache-2.0 --- ### epo-pol * source group: Esperanto * target group: Polish * OPUS readme: [epo-pol](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-pol/README.md) * model: transformer-align * source language(s): epo * target language(s): pol * 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-pol/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-pol/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-pol/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.pol | 17.2 | 0.392 | ### System Info: - hf_name: epo-pol - source_languages: epo - target_languages: pol - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-pol/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'pl'] - src_constituents: {'epo'} - tgt_constituents: {'pol'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-pol/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-pol/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: pol - short_pair: eo-pl - chrF2_score: 0.392 - bleu: 17.2 - brevity_penalty: 0.893 - ref_len: 15343.0 - src_name: Esperanto - tgt_name: Polish - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: pl - prefer_old: False - long_pair: epo-pol - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-eo-sh
64f5856d209b5a07a777256a4318aa48eadc4f63
2021-01-18T08:21:15.000Z
[ "pytorch", "marian", "text2text-generation", "eo", "sh", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-eo-sh
4
null
transformers
17,831
--- language: - eo - sh tags: - translation license: apache-2.0 --- ### epo-hbs * source group: Esperanto * target group: Serbo-Croatian * OPUS readme: [epo-hbs](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-hbs/README.md) * model: transformer-align * source language(s): epo * target language(s): bos_Latn hrv srp_Cyrl srp_Latn * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-hbs/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-hbs/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/epo-hbs/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.epo.hbs | 13.6 | 0.351 | ### System Info: - hf_name: epo-hbs - source_languages: epo - target_languages: hbs - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/epo-hbs/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['eo', 'sh'] - src_constituents: {'epo'} - tgt_constituents: {'hrv', 'srp_Cyrl', 'bos_Latn', 'srp_Latn'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-hbs/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/epo-hbs/opus-2020-06-16.test.txt - src_alpha3: epo - tgt_alpha3: hbs - short_pair: eo-sh - chrF2_score: 0.35100000000000003 - bleu: 13.6 - brevity_penalty: 0.888 - ref_len: 17999.0 - src_name: Esperanto - tgt_name: Serbo-Croatian - train_date: 2020-06-16 - src_alpha2: eo - tgt_alpha2: sh - prefer_old: False - long_pair: epo-hbs - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-es-ny
c3dca719a9c22b48dcacc38f13796eec0c9d7a37
2021-09-09T21:43:58.000Z
[ "pytorch", "marian", "text2text-generation", "es", "ny", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-es-ny
4
null
transformers
17,832
--- tags: - translation license: apache-2.0 --- ### opus-mt-es-ny * source languages: es * target languages: ny * OPUS readme: [es-ny](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/es-ny/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/es-ny/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/es-ny/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/es-ny/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.es.ny | 22.9 | 0.494 |
Helsinki-NLP/opus-mt-fi-eo
b95b6bcf715ec72919e97f3920528a153e45ec1e
2021-01-18T08:32:48.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-eo
4
null
transformers
17,833
--- language: - fi - eo tags: - translation license: apache-2.0 --- ### fin-epo * source group: Finnish * target group: Esperanto * OPUS readme: [fin-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/fin-epo/README.md) * model: transformer-align * source language(s): fin * 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/fin-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/fin-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/fin-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.fin.epo | 22.5 | 0.413 | ### System Info: - hf_name: fin-epo - source_languages: fin - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/fin-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['fi', 'eo'] - src_constituents: {'fin'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/fin-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/fin-epo/opus-2020-06-16.test.txt - src_alpha3: fin - tgt_alpha3: epo - short_pair: fi-eo - chrF2_score: 0.413 - bleu: 22.5 - brevity_penalty: 0.9490000000000001 - ref_len: 18881.0 - src_name: Finnish - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: fi - tgt_alpha2: eo - prefer_old: False - long_pair: fin-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-fi-et
88d3380300b6470fc499ff673212752682be1dcc
2021-09-09T21:47:28.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "et", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-et
4
null
transformers
17,834
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-et * source languages: fi * target languages: et * OPUS readme: [fi-et](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-et/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-et/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-et/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-et/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.et | 25.2 | 0.519 |
Helsinki-NLP/opus-mt-fi-gil
dd615ce14d3db49d885ddbf271951aa3ec13fc97
2021-09-09T21:47:53.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "gil", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-gil
4
null
transformers
17,835
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-gil * source languages: fi * target languages: gil * OPUS readme: [fi-gil](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-gil/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-gil/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-gil/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-gil/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.gil | 28.3 | 0.518 |
Helsinki-NLP/opus-mt-fi-hr
cecaa8283851cc3f95cdff36d47634c17d5fb059
2021-09-09T21:48:16.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "hr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-hr
4
null
transformers
17,836
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-hr * source languages: fi * target languages: hr * OPUS readme: [fi-hr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-hr/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-hr/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-hr/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-hr/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.hr | 23.5 | 0.476 |
Helsinki-NLP/opus-mt-fi-mg
44896c11088eda2d2185372a75ad53c7b0801751
2021-09-09T21:49:31.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "mg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-mg
4
null
transformers
17,837
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-mg * source languages: fi * target languages: mg * OPUS readme: [fi-mg](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-mg/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-mg/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-mg/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-mg/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.mg | 21.7 | 0.468 |
Helsinki-NLP/opus-mt-fi-ny
d8d49b01d51e6f4f738dbe1dadc430a904c93172
2021-09-09T21:50:02.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "ny", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-ny
4
null
transformers
17,838
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-ny * source languages: fi * target languages: ny * OPUS readme: [fi-ny](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-ny/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-ny/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ny/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-ny/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.ny | 22.6 | 0.503 |
Helsinki-NLP/opus-mt-fi-run
d1efeaf1a7751e14be9b023bf3f3ad0a05cb6bf3
2021-09-09T21:50:28.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "run", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-run
4
null
transformers
17,839
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-run * source languages: fi * target languages: run * OPUS readme: [fi-run](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-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/fi-run/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-run/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-run/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.run | 23.2 | 0.498 |
Helsinki-NLP/opus-mt-fi-sn
7c69b1c6aeed7a1bee28ad26f2460c9d4f367a87
2021-09-09T21:50:50.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "sn", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-sn
4
null
transformers
17,840
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-sn * source languages: fi * target languages: sn * OPUS readme: [fi-sn](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-sn/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-sn/opus-2020-01-08.zip) * test set translations: [opus-2020-01-08.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sn/opus-2020-01-08.test.txt) * test set scores: [opus-2020-01-08.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-sn/opus-2020-01-08.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.sn | 25.3 | 0.547 |
Helsinki-NLP/opus-mt-fi-zne
99f139907aa5cf4b4ad9f195246def741fe1da21
2021-09-09T21:52:29.000Z
[ "pytorch", "marian", "text2text-generation", "fi", "zne", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fi-zne
4
null
transformers
17,841
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-zne * source languages: fi * target languages: zne * OPUS readme: [fi-zne](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-zne/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/fi-zne/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-zne/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-zne/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fi.zne | 22.7 | 0.464 |
Helsinki-NLP/opus-mt-fr-bem
a83726becfb12819424d28fdbd31261123fa9b41
2021-09-09T21:52:57.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "bem", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-bem
4
null
transformers
17,842
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-bem * source languages: fr * target languages: bem * OPUS readme: [fr-bem](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-bem/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-bem/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-bem/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-bem/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.bem | 22.8 | 0.456 |
Helsinki-NLP/opus-mt-fr-iso
57037375a9f76979af673081e8901834da17ba4c
2021-09-09T21:54:43.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "iso", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-iso
4
null
transformers
17,843
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-iso * source languages: fr * target languages: iso * OPUS readme: [fr-iso](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-iso/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-iso/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-iso/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-iso/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.iso | 26.7 | 0.429 |
Helsinki-NLP/opus-mt-fr-lus
668a89df0aefbb6f18ff7718241265102462e1d2
2021-09-09T21:55:24.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "lus", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-lus
4
null
transformers
17,844
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-lus * source languages: fr * target languages: lus * OPUS readme: [fr-lus](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-lus/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-lus/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-lus/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-lus/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.lus | 25.5 | 0.455 |
Helsinki-NLP/opus-mt-fr-mos
4d69294986b06740b46d12a466741c06edccbac5
2021-09-09T21:55:37.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "mos", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-mos
4
null
transformers
17,845
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-mos * source languages: fr * target languages: mos * OPUS readme: [fr-mos](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-mos/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-mos/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-mos/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-mos/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.mos | 21.1 | 0.353 |
Helsinki-NLP/opus-mt-fr-ny
6818fbf930d8797da8f1cc588001ae850246a81d
2021-09-09T21:55:54.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "ny", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-ny
4
null
transformers
17,846
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-ny * source languages: fr * target languages: ny * OPUS readme: [fr-ny](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-ny/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-ny/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ny/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ny/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.ny | 23.2 | 0.481 |
Helsinki-NLP/opus-mt-fr-ts
2baeb276bfecad610147a4218b49af6739bb92e0
2021-09-09T21:57:36.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "ts", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-ts
4
null
transformers
17,847
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-ts * source languages: fr * target languages: ts * OPUS readme: [fr-ts](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-ts/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-ts/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ts/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ts/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.ts | 31.4 | 0.525 |
Helsinki-NLP/opus-mt-fr-ve
f50548feff7916a734ef18792044033262bfed02
2021-09-09T21:58:04.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "ve", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-ve
4
null
transformers
17,848
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-ve * source languages: fr * target languages: ve * OPUS readme: [fr-ve](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-ve/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-ve/opus-2020-01-20.zip) * test set translations: [opus-2020-01-20.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ve/opus-2020-01-20.test.txt) * test set scores: [opus-2020-01-20.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-ve/opus-2020-01-20.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.ve | 26.3 | 0.481 |
Helsinki-NLP/opus-mt-fr-xh
494745c9516e86d6fdfae5483a9d3d53ba712bef
2021-09-09T21:58:16.000Z
[ "pytorch", "marian", "text2text-generation", "fr", "xh", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-fr-xh
4
null
transformers
17,849
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-xh * source languages: fr * target languages: xh * OPUS readme: [fr-xh](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-xh/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-xh/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-xh/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-xh/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.fr.xh | 25.1 | 0.523 |
Helsinki-NLP/opus-mt-gil-sv
c5790f181f90f170003183c39f4a6cd8994fe131
2021-09-09T21:59:22.000Z
[ "pytorch", "marian", "text2text-generation", "gil", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-gil-sv
4
null
transformers
17,850
--- tags: - translation license: apache-2.0 --- ### opus-mt-gil-sv * source languages: gil * target languages: sv * OPUS readme: [gil-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/gil-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/gil-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/gil-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.gil.sv | 25.8 | 0.441 |
Helsinki-NLP/opus-mt-ha-fr
8a126772a2014bce01631cf05c30054744447fc5
2021-09-09T22:00:12.000Z
[ "pytorch", "marian", "text2text-generation", "ha", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ha-fr
4
null
transformers
17,851
--- tags: - translation license: apache-2.0 --- ### opus-mt-ha-fr * source languages: ha * target languages: fr * OPUS readme: [ha-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ha-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/ha-fr/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ha-fr/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ha-fr/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ha.fr | 24.3 | 0.415 |
Helsinki-NLP/opus-mt-he-eo
3182c2442c53cd06e25936d85e146b12d14e612d
2021-01-18T08:54:25.000Z
[ "pytorch", "marian", "text2text-generation", "he", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-he-eo
4
null
transformers
17,852
--- language: - he - eo tags: - translation license: apache-2.0 --- ### heb-epo * source group: Hebrew * target group: Esperanto * OPUS readme: [heb-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/heb-epo/README.md) * model: transformer-align * source language(s): heb * 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/heb-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/heb-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/heb-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.heb.epo | 17.6 | 0.348 | ### System Info: - hf_name: heb-epo - source_languages: heb - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/heb-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['he', 'eo'] - src_constituents: {'heb'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/heb-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/heb-epo/opus-2020-06-16.test.txt - src_alpha3: heb - tgt_alpha3: epo - short_pair: he-eo - chrF2_score: 0.348 - bleu: 17.6 - brevity_penalty: 0.899 - ref_len: 78217.0 - src_name: Hebrew - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: he - tgt_alpha2: eo - prefer_old: False - long_pair: heb-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-hil-fi
9394132de6819260bcf0d44dad4edfb2fc3142b3
2021-09-09T22:10:07.000Z
[ "pytorch", "marian", "text2text-generation", "hil", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-hil-fi
4
null
transformers
17,853
--- tags: - translation license: apache-2.0 --- ### opus-mt-hil-fi * source languages: hil * target languages: fi * OPUS readme: [hil-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/hil-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/hil-fi/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/hil-fi/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/hil-fi/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.hil.fi | 29.9 | 0.547 |
Helsinki-NLP/opus-mt-ig-sv
76e2f204ceb0b6f46f8062651d146b3c05419d5b
2021-09-09T22:11:50.000Z
[ "pytorch", "marian", "text2text-generation", "ig", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ig-sv
4
null
transformers
17,854
--- tags: - translation license: apache-2.0 --- ### opus-mt-ig-sv * source languages: ig * target languages: sv * OPUS readme: [ig-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ig-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/ig-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ig-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ig-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ig.sv | 27.0 | 0.451 |
Helsinki-NLP/opus-mt-iso-es
e9a38e40425ab1369fb4d8f4de93c8faf99b8c9b
2021-09-09T22:12:28.000Z
[ "pytorch", "marian", "text2text-generation", "iso", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-iso-es
4
null
transformers
17,855
--- tags: - translation license: apache-2.0 --- ### opus-mt-iso-es * source languages: iso * target languages: es * OPUS readme: [iso-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/iso-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/iso-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/iso-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/iso-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.iso.es | 22.4 | 0.394 |
Helsinki-NLP/opus-mt-kqn-es
e6d1983b0aee7e704f820f2e2fae52106ab21837
2021-09-10T13:54:12.000Z
[ "pytorch", "marian", "text2text-generation", "kqn", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-kqn-es
4
null
transformers
17,856
--- tags: - translation license: apache-2.0 --- ### opus-mt-kqn-es * source languages: kqn * target languages: es * OPUS readme: [kqn-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/kqn-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/kqn-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/kqn-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/kqn-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.kqn.es | 20.9 | 0.378 |
Helsinki-NLP/opus-mt-lg-fi
f4f190736703f425f055a24e6d90810258945db2
2021-09-10T13:54:46.000Z
[ "pytorch", "marian", "text2text-generation", "lg", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lg-fi
4
null
transformers
17,857
--- tags: - translation license: apache-2.0 --- ### opus-mt-lg-fi * source languages: lg * target languages: fi * OPUS readme: [lg-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lg-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/lg-fi/opus-2020-01-24.zip) * test set translations: [opus-2020-01-24.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lg-fi/opus-2020-01-24.test.txt) * test set scores: [opus-2020-01-24.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lg-fi/opus-2020-01-24.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lg.fi | 21.8 | 0.424 |
Helsinki-NLP/opus-mt-ln-es
2652777fe12e33f189397c246cfca9938d78a577
2021-09-10T13:55:04.000Z
[ "pytorch", "marian", "text2text-generation", "ln", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ln-es
4
null
transformers
17,858
--- tags: - translation license: apache-2.0 --- ### opus-mt-ln-es * source languages: ln * target languages: es * OPUS readme: [ln-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ln-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/ln-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ln-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ln-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ln.es | 26.5 | 0.444 |
Helsinki-NLP/opus-mt-loz-es
0535c5141a42f76881eec7a9934c1987df46a846
2021-09-10T13:55:19.000Z
[ "pytorch", "marian", "text2text-generation", "loz", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-loz-es
4
null
transformers
17,859
--- tags: - translation license: apache-2.0 --- ### opus-mt-loz-es * source languages: loz * target languages: es * OPUS readme: [loz-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/loz-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/loz-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/loz-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.loz.es | 28.4 | 0.464 |
Helsinki-NLP/opus-mt-lt-pl
89ec714f908c8437b47ce12ec9e73ab880411bd6
2020-08-21T14:42:47.000Z
[ "pytorch", "marian", "text2text-generation", "lt", "pl", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lt-pl
4
null
transformers
17,860
--- language: - lt - pl tags: - translation license: apache-2.0 --- ### lit-pol * source group: Lithuanian * target group: Polish * OPUS readme: [lit-pol](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/lit-pol/README.md) * model: transformer-align * source language(s): lit * target language(s): pol * 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/lit-pol/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/lit-pol/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/lit-pol/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.lit.pol | 53.6 | 0.721 | ### System Info: - hf_name: lit-pol - source_languages: lit - target_languages: pol - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/lit-pol/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['lt', 'pl'] - src_constituents: {'lit'} - tgt_constituents: {'pol'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/lit-pol/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/lit-pol/opus-2020-06-17.test.txt - src_alpha3: lit - tgt_alpha3: pol - short_pair: lt-pl - chrF2_score: 0.721 - bleu: 53.6 - brevity_penalty: 0.9570000000000001 - ref_len: 10629.0 - src_name: Lithuanian - tgt_name: Polish - train_date: 2020-06-17 - src_alpha2: lt - tgt_alpha2: pl - prefer_old: False - long_pair: lit-pol - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-lu-fr
a60cb88d783a4103a013f95215051f7554e0bec0
2021-09-10T13:55:57.000Z
[ "pytorch", "marian", "text2text-generation", "lu", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lu-fr
4
null
transformers
17,861
--- tags: - translation license: apache-2.0 --- ### opus-mt-lu-fr * source languages: lu * target languages: fr * OPUS readme: [lu-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lu-fr/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/lu-fr/opus-2020-01-21.zip) * test set translations: [opus-2020-01-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lu-fr/opus-2020-01-21.test.txt) * test set scores: [opus-2020-01-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lu-fr/opus-2020-01-21.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lu.fr | 26.4 | 0.431 |
Helsinki-NLP/opus-mt-lus-es
5ec77352e29aef33c21cb4c175aba37660b76e08
2021-09-10T13:56:52.000Z
[ "pytorch", "marian", "text2text-generation", "lus", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lus-es
4
null
transformers
17,862
--- tags: - translation license: apache-2.0 --- ### opus-mt-lus-es * source languages: lus * target languages: es * OPUS readme: [lus-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lus-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/lus-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lus-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lus-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lus.es | 21.6 | 0.389 |
Helsinki-NLP/opus-mt-lv-sv
6a7d132f03d2d81e9d9330bfe6f91ead5e2e5d98
2021-09-10T13:57:22.000Z
[ "pytorch", "marian", "text2text-generation", "lv", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-lv-sv
4
null
transformers
17,863
--- tags: - translation license: apache-2.0 --- ### opus-mt-lv-sv * source languages: lv * target languages: sv * OPUS readme: [lv-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/lv-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/lv-sv/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/lv-sv/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/lv-sv/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.lv.sv | 22.0 | 0.444 |
Helsinki-NLP/opus-mt-mk-fr
970aeeed8410bc61b226fbc8f0c4daabb22ef30b
2021-09-10T13:58:08.000Z
[ "pytorch", "marian", "text2text-generation", "mk", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-mk-fr
4
null
transformers
17,864
--- tags: - translation license: apache-2.0 --- ### opus-mt-mk-fr * source languages: mk * target languages: fr * OPUS readme: [mk-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/mk-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/mk-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/mk-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/mk-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | GlobalVoices.mk.fr | 22.3 | 0.492 |
Helsinki-NLP/opus-mt-ms-de
29f3de8eb95998ce1f427b4d0b3ad247dafd0b8b
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "ms", "de", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ms-de
4
null
transformers
17,865
--- language: - ms - de tags: - translation license: apache-2.0 --- ### msa-deu * source group: Malay (macrolanguage) * target group: German * OPUS readme: [msa-deu](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/msa-deu/README.md) * model: transformer-align * source language(s): ind zsm_Latn * target language(s): deu * 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/msa-deu/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/msa-deu/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/msa-deu/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.msa.deu | 36.5 | 0.584 | ### System Info: - hf_name: msa-deu - source_languages: msa - target_languages: deu - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/msa-deu/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ms', 'de'] - src_constituents: {'zsm_Latn', 'ind', 'max_Latn', 'zlm_Latn', 'min'} - tgt_constituents: {'deu'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/msa-deu/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/msa-deu/opus-2020-06-17.test.txt - src_alpha3: msa - tgt_alpha3: deu - short_pair: ms-de - chrF2_score: 0.584 - bleu: 36.5 - brevity_penalty: 0.966 - ref_len: 4198.0 - src_name: Malay (macrolanguage) - tgt_name: German - train_date: 2020-06-17 - src_alpha2: ms - tgt_alpha2: de - prefer_old: False - long_pair: msa-deu - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-niu-fi
2c989373b5619bc1ac53c6b36a8d5d90b6fb450d
2021-09-10T13:58:56.000Z
[ "pytorch", "marian", "text2text-generation", "niu", "fi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-niu-fi
4
null
transformers
17,866
--- tags: - translation license: apache-2.0 --- ### opus-mt-niu-fi * source languages: niu * target languages: fi * OPUS readme: [niu-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/niu-fi/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/niu-fi/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-fi/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-fi/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.niu.fi | 24.8 | 0.474 |
Helsinki-NLP/opus-mt-niu-fr
22051c219d24e31fbd5020150b9c76e285e3a6d9
2021-09-10T13:58:59.000Z
[ "pytorch", "marian", "text2text-generation", "niu", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-niu-fr
4
null
transformers
17,867
--- tags: - translation license: apache-2.0 --- ### opus-mt-niu-fr * source languages: niu * target languages: fr * OPUS readme: [niu-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/niu-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/niu-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/niu-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.niu.fr | 28.1 | 0.452 |
Helsinki-NLP/opus-mt-nl-af
c3563e6c1850ac3c76efcaee5829f83b91dc24e8
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "nl", "af", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-nl-af
4
null
transformers
17,868
--- language: - nl - af tags: - translation license: apache-2.0 --- ### nld-afr * source group: Dutch * target group: Afrikaans * OPUS readme: [nld-afr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nld-afr/README.md) * model: transformer-align * source language(s): nld * target language(s): afr * 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/nld-afr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nld-afr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nld-afr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.nld.afr | 57.8 | 0.749 | ### System Info: - hf_name: nld-afr - source_languages: nld - target_languages: afr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nld-afr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['nl', 'af'] - src_constituents: {'nld'} - tgt_constituents: {'afr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/nld-afr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/nld-afr/opus-2020-06-17.test.txt - src_alpha3: nld - tgt_alpha3: afr - short_pair: nl-af - chrF2_score: 0.7490000000000001 - bleu: 57.8 - brevity_penalty: 1.0 - ref_len: 6823.0 - src_name: Dutch - tgt_name: Afrikaans - train_date: 2020-06-17 - src_alpha2: nl - tgt_alpha2: af - prefer_old: False - long_pair: nld-afr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-nl-eo
9d5c37718896a004609512eb10211350c24963c7
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "nl", "eo", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-nl-eo
4
null
transformers
17,869
--- language: - nl - eo tags: - translation license: apache-2.0 --- ### nld-epo * source group: Dutch * target group: Esperanto * OPUS readme: [nld-epo](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nld-epo/README.md) * model: transformer-align * source language(s): nld * 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/nld-epo/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nld-epo/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nld-epo/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.nld.epo | 16.1 | 0.355 | ### System Info: - hf_name: nld-epo - source_languages: nld - target_languages: epo - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nld-epo/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['nl', 'eo'] - src_constituents: {'nld'} - tgt_constituents: {'epo'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/nld-epo/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/nld-epo/opus-2020-06-16.test.txt - src_alpha3: nld - tgt_alpha3: epo - short_pair: nl-eo - chrF2_score: 0.355 - bleu: 16.1 - brevity_penalty: 0.9359999999999999 - ref_len: 72293.0 - src_name: Dutch - tgt_name: Esperanto - train_date: 2020-06-16 - src_alpha2: nl - tgt_alpha2: eo - prefer_old: False - long_pair: nld-epo - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-no-no
b7777f2843509b5ef0692a78b15ecaa6005dbb4f
2020-08-21T14:42:48.000Z
[ "pytorch", "marian", "text2text-generation", "no", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-no-no
4
null
transformers
17,870
--- language: - no tags: - translation license: apache-2.0 --- ### nor-nor * source group: Norwegian * target group: Norwegian * OPUS readme: [nor-nor](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-nor/README.md) * model: transformer-align * source language(s): nno nob * target language(s): nno nob * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * 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/nor-nor/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-nor/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-nor/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.nor.nor | 58.4 | 0.784 | ### System Info: - hf_name: nor-nor - source_languages: nor - target_languages: nor - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-nor/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['no'] - src_constituents: {'nob', 'nno'} - tgt_constituents: {'nob', 'nno'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-nor/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-nor/opus-2020-06-17.test.txt - src_alpha3: nor - tgt_alpha3: nor - short_pair: no-no - chrF2_score: 0.784 - bleu: 58.4 - brevity_penalty: 0.988 - ref_len: 6351.0 - src_name: Norwegian - tgt_name: Norwegian - train_date: 2020-06-17 - src_alpha2: no - tgt_alpha2: no - prefer_old: False - long_pair: nor-nor - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-pag-es
d31790473f314c3cdeb901f6150076991e289ab3
2021-09-10T14:00:20.000Z
[ "pytorch", "marian", "text2text-generation", "pag", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pag-es
4
null
transformers
17,871
--- tags: - translation license: apache-2.0 --- ### opus-mt-pag-es * source languages: pag * target languages: es * OPUS readme: [pag-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/pag-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/pag-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/pag-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/pag-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.pag.es | 27.9 | 0.459 |
Helsinki-NLP/opus-mt-pon-es
2219ae20a57e0ce0a00487b8fb74d80a07ed8cb0
2021-09-10T14:01:34.000Z
[ "pytorch", "marian", "text2text-generation", "pon", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-pon-es
4
null
transformers
17,872
--- tags: - translation license: apache-2.0 --- ### opus-mt-pon-es * source languages: pon * target languages: es * OPUS readme: [pon-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/pon-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/pon-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/pon-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/pon-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.pon.es | 22.4 | 0.402 |
Helsinki-NLP/opus-mt-rn-es
6ba4a319d2526e0b15e9ed2a3f0ec98fd6a1b950
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "rn", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-rn-es
4
null
transformers
17,873
--- language: - rn - es tags: - translation license: apache-2.0 --- ### run-spa * source group: Rundi * target group: Spanish * OPUS readme: [run-spa](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/run-spa/README.md) * model: transformer-align * source language(s): run * target language(s): spa * 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/run-spa/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/run-spa/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/run-spa/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.run.spa | 14.4 | 0.376 | ### System Info: - hf_name: run-spa - source_languages: run - target_languages: spa - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/run-spa/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['rn', 'es'] - src_constituents: {'run'} - tgt_constituents: {'spa'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/run-spa/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/run-spa/opus-2020-06-16.test.txt - src_alpha3: run - tgt_alpha3: spa - short_pair: rn-es - chrF2_score: 0.376 - bleu: 14.4 - brevity_penalty: 1.0 - ref_len: 5167.0 - src_name: Rundi - tgt_name: Spanish - train_date: 2020-06-16 - src_alpha2: rn - tgt_alpha2: es - prefer_old: False - long_pair: run-spa - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-rnd-sv
699b423df25f6482bc323fb90a7878b0d4a0de42
2021-09-10T14:02:02.000Z
[ "pytorch", "marian", "text2text-generation", "rnd", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-rnd-sv
4
null
transformers
17,874
--- tags: - translation license: apache-2.0 --- ### opus-mt-rnd-sv * source languages: rnd * target languages: sv * OPUS readme: [rnd-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/rnd-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/rnd-sv/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/rnd-sv/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/rnd-sv/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.rnd.sv | 21.2 | 0.387 |
Helsinki-NLP/opus-mt-ru-af
47edefddc28d121c27be84f92fd45f962444464a
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "ru", "af", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ru-af
4
null
transformers
17,875
--- language: - ru - af tags: - translation license: apache-2.0 --- ### rus-afr * source group: Russian * target group: Afrikaans * OPUS readme: [rus-afr](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-afr/README.md) * model: transformer-align * source language(s): rus * target language(s): afr * 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-afr/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-afr/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-afr/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.rus.afr | 48.1 | 0.669 | ### System Info: - hf_name: rus-afr - source_languages: rus - target_languages: afr - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-afr/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ru', 'af'] - src_constituents: {'rus'} - tgt_constituents: {'afr'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-afr/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-afr/opus-2020-06-17.test.txt - src_alpha3: rus - tgt_alpha3: afr - short_pair: ru-af - chrF2_score: 0.669 - bleu: 48.1 - brevity_penalty: 1.0 - ref_len: 1390.0 - src_name: Russian - tgt_name: Afrikaans - train_date: 2020-06-17 - src_alpha2: ru - tgt_alpha2: af - prefer_old: False - long_pair: rus-afr - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ru-bg
09f96620a56ad0fa9cd61d9cde3a6025beea8013
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "ru", "bg", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ru-bg
4
null
transformers
17,876
--- language: - ru - bg tags: - translation license: apache-2.0 --- ### rus-bul * source group: Russian * target group: Bulgarian * OPUS readme: [rus-bul](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-bul/README.md) * model: transformer * source language(s): rus * target language(s): bul bul_Latn * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-07-03.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-bul/opus-2020-07-03.zip) * test set translations: [opus-2020-07-03.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-bul/opus-2020-07-03.test.txt) * test set scores: [opus-2020-07-03.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-bul/opus-2020-07-03.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.rus.bul | 52.3 | 0.704 | ### System Info: - hf_name: rus-bul - source_languages: rus - target_languages: bul - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-bul/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ru', 'bg'] - src_constituents: {'rus'} - 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/rus-bul/opus-2020-07-03.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-bul/opus-2020-07-03.test.txt - src_alpha3: rus - tgt_alpha3: bul - short_pair: ru-bg - chrF2_score: 0.7040000000000001 - bleu: 52.3 - brevity_penalty: 0.919 - ref_len: 8272.0 - src_name: Russian - tgt_name: Bulgarian - train_date: 2020-07-03 - src_alpha2: ru - tgt_alpha2: bg - prefer_old: False - long_pair: rus-bul - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-ru-hy
2e1a3b8ad9f998c00b2e9d96ca1e5ec66da88d04
2020-08-21T14:42:49.000Z
[ "pytorch", "marian", "text2text-generation", "ru", "hy", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ru-hy
4
null
transformers
17,877
--- language: - ru - hy tags: - translation license: apache-2.0 --- ### rus-hye * source group: Russian * target group: Armenian * OPUS readme: [rus-hye](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-hye/README.md) * model: transformer-align * source language(s): rus * target language(s): hye hye_Latn * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-06-16.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-hye/opus-2020-06-16.zip) * test set translations: [opus-2020-06-16.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-hye/opus-2020-06-16.test.txt) * test set scores: [opus-2020-06-16.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/rus-hye/opus-2020-06-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.rus.hye | 21.7 | 0.494 | ### System Info: - hf_name: rus-hye - source_languages: rus - target_languages: hye - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/rus-hye/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['ru', 'hy'] - src_constituents: {'rus'} - tgt_constituents: {'hye', 'hye_Latn'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-hye/opus-2020-06-16.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/rus-hye/opus-2020-06-16.test.txt - src_alpha3: rus - tgt_alpha3: hye - short_pair: ru-hy - chrF2_score: 0.494 - bleu: 21.7 - brevity_penalty: 1.0 - ref_len: 1602.0 - src_name: Russian - tgt_name: Armenian - train_date: 2020-06-16 - src_alpha2: ru - tgt_alpha2: hy - prefer_old: False - long_pair: rus-hye - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
Helsinki-NLP/opus-mt-sg-es
de4c1aaee6a7cbb766858fe70540319e8293f54f
2021-09-10T14:03:05.000Z
[ "pytorch", "marian", "text2text-generation", "sg", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sg-es
4
null
transformers
17,878
--- tags: - translation license: apache-2.0 --- ### opus-mt-sg-es * source languages: sg * target languages: es * OPUS readme: [sg-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sg-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/sg-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sg-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sg-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sg.es | 21.3 | 0.385 |
Helsinki-NLP/opus-mt-srn-fr
d82025d38eb8a744cd79fe6deb9eb7faabe52431
2021-09-10T14:04:39.000Z
[ "pytorch", "marian", "text2text-generation", "srn", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-srn-fr
4
null
transformers
17,879
--- tags: - translation license: apache-2.0 --- ### opus-mt-srn-fr * source languages: srn * target languages: fr * OPUS readme: [srn-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/srn-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/srn-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/srn-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/srn-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.srn.fr | 28.9 | 0.462 |
Helsinki-NLP/opus-mt-srn-sv
89c29fc18da63ea027e52d88aadf21bae58bf6df
2021-09-10T14:04:43.000Z
[ "pytorch", "marian", "text2text-generation", "srn", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-srn-sv
4
null
transformers
17,880
--- tags: - translation license: apache-2.0 --- ### opus-mt-srn-sv * source languages: srn * target languages: sv * OPUS readme: [srn-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/srn-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/srn-sv/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/srn-sv/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/srn-sv/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.srn.sv | 32.2 | 0.500 |
Helsinki-NLP/opus-mt-sv-NORWAY
9cc31acf459b64239d05ab052ef3f5a06d23f0c9
2021-09-10T14:05:13.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "no", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-NORWAY
4
null
transformers
17,881
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-NORWAY * source languages: sv * target languages: nb_NO,nb,nn_NO,nn,nog,no_nb,no * OPUS readme: [sv-nb_NO+nb+nn_NO+nn+nog+no_nb+no](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-nb_NO+nb+nn_NO+nn+nog+no_nb+no/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sv-nb_NO+nb+nn_NO+nn+nog+no_nb+no/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-nb_NO+nb+nn_NO+nn+nog+no_nb+no/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-nb_NO+nb+nn_NO+nn+nog+no_nb+no/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.no | 39.3 | 0.590 |
Helsinki-NLP/opus-mt-sv-bem
73b8358ae5e2437d5526c75e9916ac5f451f5a83
2021-09-10T14:05:31.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "bem", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-bem
4
null
transformers
17,882
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-bem * source languages: sv * target languages: bem * OPUS readme: [sv-bem](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-bem/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-bem/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-bem/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-bem/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.bem | 22.3 | 0.473 |
Helsinki-NLP/opus-mt-sv-ee
a761e616bc9460a293dc8840c41eb1c31c551c01
2021-09-10T14:06:00.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "ee", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-ee
4
null
transformers
17,883
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-ee * source languages: sv * target languages: ee * OPUS readme: [sv-ee](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-ee/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-ee/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ee/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-ee/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.ee | 29.7 | 0.508 |
Helsinki-NLP/opus-mt-sv-et
84519f30bf5daf543704c0d5f580cefa768b887b
2021-09-10T14:06:19.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "et", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-et
4
null
transformers
17,884
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-et * source languages: sv * target languages: et * OPUS readme: [sv-et](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-et/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-et/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-et/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-et/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.et | 23.5 | 0.497 |
Helsinki-NLP/opus-mt-sv-id
b3416d70d04a0f239006a4abfb94e601b8b1d038
2021-09-10T14:07:14.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "id", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-id
4
null
transformers
17,885
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-id * source languages: sv * target languages: id * OPUS readme: [sv-id](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-id/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-id/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-id/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-id/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.id | 35.6 | 0.581 |
Helsinki-NLP/opus-mt-sv-kwy
2d00f656a1bd6771a0b26e0777e4e8e9c60dd0e2
2021-09-10T14:07:41.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "kwy", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-kwy
4
null
transformers
17,886
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-kwy * source languages: sv * target languages: kwy * OPUS readme: [sv-kwy](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-kwy/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-kwy/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-kwy/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-kwy/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.kwy | 21.4 | 0.437 |
Helsinki-NLP/opus-mt-sv-lus
15fbb904a25a90d9fada1ce9ddc8fa4c7c89ede4
2021-09-10T14:08:03.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "lus", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-lus
4
null
transformers
17,887
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-lus * source languages: sv * target languages: lus * OPUS readme: [sv-lus](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-lus/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-lus/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-lus/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-lus/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.lus | 26.7 | 0.484 |
Helsinki-NLP/opus-mt-sv-pis
6c5312ed4f382e0896802e81f94b164fa8171e04
2021-09-10T14:08:47.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "pis", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-pis
4
null
transformers
17,888
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-pis * source languages: sv * target languages: pis * OPUS readme: [sv-pis](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-pis/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-pis/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-pis/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-pis/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.pis | 30.9 | 0.519 |
Helsinki-NLP/opus-mt-sv-sk
b8650080adb5fb098f7fba74b84f12d5c8039bf1
2021-09-10T14:09:16.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "sk", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-sk
4
null
transformers
17,889
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-sk * source languages: sv * target languages: sk * OPUS readme: [sv-sk](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-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/sv-sk/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-sk/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-sk/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.sk | 30.7 | 0.516 |
Helsinki-NLP/opus-mt-sv-sq
b6990a16389e9ada1619ebbadf4b25d2401f80f3
2021-09-10T14:09:30.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "sq", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-sq
4
null
transformers
17,890
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-sq * source languages: sv * target languages: sq * OPUS readme: [sv-sq](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-sq/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-sq/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-sq/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-sq/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.sq | 34.4 | 0.553 |
Helsinki-NLP/opus-mt-sv-tpi
5ec9154e81d7fc00c342484a99ce616bc5db25bd
2021-09-10T14:10:11.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "tpi", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-tpi
4
null
transformers
17,891
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-tpi * source languages: sv * target languages: tpi * OPUS readme: [sv-tpi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-tpi/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-tpi/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-tpi/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-tpi/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.tpi | 31.4 | 0.513 |
Helsinki-NLP/opus-mt-sv-xh
c13e0caa28b061d6820cd521e1203a44c7579a08
2021-09-11T10:47:25.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "xh", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-xh
4
null
transformers
17,892
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-xh * source languages: sv * target languages: xh * OPUS readme: [sv-xh](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-xh/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-xh/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-xh/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-xh/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.xh | 26.7 | 0.561 |
Helsinki-NLP/opus-mt-sv-yap
61012a3d6ddbf231618a544d5fbab09a731d96bd
2021-09-11T10:47:28.000Z
[ "pytorch", "marian", "text2text-generation", "sv", "yap", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-sv-yap
4
null
transformers
17,893
--- tags: - translation license: apache-2.0 --- ### opus-mt-sv-yap * source languages: sv * target languages: yap * OPUS readme: [sv-yap](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sv-yap/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-yap/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-yap/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sv-yap/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sv.yap | 27.3 | 0.461 |
Helsinki-NLP/opus-mt-to-es
dd77c730e6eb5c4c0a0234195308b15227685de5
2021-09-11T10:48:57.000Z
[ "pytorch", "marian", "text2text-generation", "to", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-to-es
4
null
transformers
17,894
--- tags: - translation license: apache-2.0 --- ### opus-mt-to-es * source languages: to * target languages: es * OPUS readme: [to-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/to-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/to-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/to-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/to-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.to.es | 26.6 | 0.447 |
Helsinki-NLP/opus-mt-tum-fr
e270f1520bea5487f9b91b2358492062951414a3
2021-09-11T10:50:15.000Z
[ "pytorch", "marian", "text2text-generation", "tum", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-tum-fr
4
null
transformers
17,895
--- tags: - translation license: apache-2.0 --- ### opus-mt-tum-fr * source languages: tum * target languages: fr * OPUS readme: [tum-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/tum-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/tum-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/tum-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/tum-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.tum.fr | 24.0 | 0.403 |
Helsinki-NLP/opus-mt-tvl-fr
fc494523f7f885c206f367fab5668c678cce1a39
2021-09-11T10:50:32.000Z
[ "pytorch", "marian", "text2text-generation", "tvl", "fr", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-tvl-fr
4
null
transformers
17,896
--- tags: - translation license: apache-2.0 --- ### opus-mt-tvl-fr * source languages: tvl * target languages: fr * OPUS readme: [tvl-fr](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/tvl-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/tvl-fr/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/tvl-fr/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/tvl-fr/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.tvl.fr | 24.0 | 0.410 |
Helsinki-NLP/opus-mt-tvl-sv
cfd31ca1f1bd9eaaf1effb05912c42cbfd3b0349
2021-09-11T10:50:36.000Z
[ "pytorch", "marian", "text2text-generation", "tvl", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-tvl-sv
4
null
transformers
17,897
--- tags: - translation license: apache-2.0 --- ### opus-mt-tvl-sv * source languages: tvl * target languages: sv * OPUS readme: [tvl-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/tvl-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/tvl-sv/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/tvl-sv/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/tvl-sv/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.tvl.sv | 24.7 | 0.427 |
Helsinki-NLP/opus-mt-ty-es
86c070ed5150491d121fd143f0c25a55938c14e4
2021-09-11T10:50:54.000Z
[ "pytorch", "marian", "text2text-generation", "ty", "es", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ty-es
4
null
transformers
17,898
--- tags: - translation license: apache-2.0 --- ### opus-mt-ty-es * source languages: ty * target languages: es * OPUS readme: [ty-es](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ty-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/ty-es/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ty-es/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ty-es/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ty.es | 27.3 | 0.457 |
Helsinki-NLP/opus-mt-ty-sv
5ef30283de62c55bb90383ba97d6094816d9eb47
2021-09-11T10:51:06.000Z
[ "pytorch", "marian", "text2text-generation", "ty", "sv", "transformers", "translation", "license:apache-2.0", "autotrain_compatible" ]
translation
false
Helsinki-NLP
null
Helsinki-NLP/opus-mt-ty-sv
4
null
transformers
17,899
--- tags: - translation license: apache-2.0 --- ### opus-mt-ty-sv * source languages: ty * target languages: sv * OPUS readme: [ty-sv](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/ty-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/ty-sv/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/ty-sv/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/ty-sv/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.ty.sv | 28.9 | 0.472 |